diff --git "a/abs_29K_G/test_abstract_long_2405.04356v1.json" "b/abs_29K_G/test_abstract_long_2405.04356v1.json"
new file mode 100644--- /dev/null
+++ "b/abs_29K_G/test_abstract_long_2405.04356v1.json"
@@ -0,0 +1,1385 @@
+{
+ "url": "http://arxiv.org/abs/2405.04356v1",
+ "title": "Diffusion-driven GAN Inversion for Multi-Modal Face Image Generation",
+ "abstract": "We present a new multi-modal face image generation method that converts a\ntext prompt and a visual input, such as a semantic mask or scribble map, into a\nphoto-realistic face image. To do this, we combine the strengths of Generative\nAdversarial networks (GANs) and diffusion models (DMs) by employing the\nmulti-modal features in the DM into the latent space of the pre-trained GANs.\nWe present a simple mapping and a style modulation network to link two models\nand convert meaningful representations in feature maps and attention maps into\nlatent codes. With GAN inversion, the estimated latent codes can be used to\ngenerate 2D or 3D-aware facial images. We further present a multi-step training\nstrategy that reflects textual and structural representations into the\ngenerated image. Our proposed network produces realistic 2D, multi-view, and\nstylized face images, which align well with inputs. We validate our method by\nusing pre-trained 2D and 3D GANs, and our results outperform existing methods.\nOur project page is available at\nhttps://github.com/1211sh/Diffusion-driven_GAN-Inversion/.",
+ "authors": "Jihyun Kim, Changjae Oh, Hoseok Do, Soohyun Kim, Kwanghoon Sohn",
+ "published": "2024-05-07",
+ "updated": "2024-05-07",
+ "primary_cat": "cs.CV",
+ "cats": [
+ "cs.CV"
+ ],
+ "label": "Original Paper",
+ "paper_cat": "Diffusion AND Model",
+ "gt": "We present a new multi-modal face image generation method that converts a\ntext prompt and a visual input, such as a semantic mask or scribble map, into a\nphoto-realistic face image. To do this, we combine the strengths of Generative\nAdversarial networks (GANs) and diffusion models (DMs) by employing the\nmulti-modal features in the DM into the latent space of the pre-trained GANs.\nWe present a simple mapping and a style modulation network to link two models\nand convert meaningful representations in feature maps and attention maps into\nlatent codes. With GAN inversion, the estimated latent codes can be used to\ngenerate 2D or 3D-aware facial images. We further present a multi-step training\nstrategy that reflects textual and structural representations into the\ngenerated image. Our proposed network produces realistic 2D, multi-view, and\nstylized face images, which align well with inputs. We validate our method by\nusing pre-trained 2D and 3D GANs, and our results outperform existing methods.\nOur project page is available at\nhttps://github.com/1211sh/Diffusion-driven_GAN-Inversion/.",
+ "main_content": "Introduction In recent years, multi-modal image generation has achieved remarkable success, driven by the advancements in Generative Adversarial Networks (GANs) [15] and diffusion models (DMs) [11, 18, 48]. Facial image processing has become a popular application for a variety of tasks, including face image generation [21, 39], face editing [6, 12, 30, 36, 37, 46], and style transfer [7, 64]. Many tasks typically utilize the pre-trained StyleGAN [21, 22], which can generate realistic facial images and edit facial attributes by manipulating the latent space using GAN inversion [39, 42, 58]. In these tasks, using multiple modalities as conditions is becoming a popular approach, which improves the user\u2019s controllability in generating realistic face images. However, existing GAN *Corresponding author This research was supported by the National Research Foundation of Korea (NRF) grant funded by the Korea government (MSIP) (NRF2021R1A2C2006703). rebuttal (a) Oil painting (b) Watercolor Visual input 2D face image generation 3D-aware face image generation Face style transfer \u201cThe woman has bangs, brown hair. She is smiling.\u201d \u201cGreek statue\u201d \u201csilver hair Elf\u201d \u201cCartoon style\u201d Overview of our method \u201cThe chubby man has receding hairline, eyeglasses, gray hair, and double chin.\u201d \u201cWatercolor painting\u201d GAN Ours Diffusion \u201cShe has blond hair, straight hair, and wears heavy makeup.\u201d Visual condition Text condition Figure 1. We present a method to map the diffusion features to the latent space of a pre-trained GAN, which enables diverse tasks in multi-modal face image generation and style transfer. Our method can be applied to 2D and 3D-aware face image generation. inversion methods [51, 58] have poor alignment with inputs as they neglect the correlation between multi-modal inputs. They struggle to map the different modalities into the latent space of the pre-trained GAN, such as by mixing the latent codes or optimizing the latent code converted from a given image according to the input text. Recently, DMs have increased attention in multi-modal image generation thanks to the stability of training and the flexibility of using multiple modalities as conditions. DMs [23, 53, 54] can control the multiple modalities and render diverse images by manipulating the latent or attention features across the time steps. However, existing textto-image DMs rely on an autoencoder and text encoder, such as CLIP [41], trained on unstructured datasets collected from the web [40, 45] that may lead to unrealistic arXiv:2405.04356v1 [cs.CV] 7 May 2024 \fimage generation. Moreover, some approaches address multi-modal face image generation in a 3D domain. In GAN inversion [14, 51], multi-view images can be easily acquired by manipulating the latent code with pre-trained 3D GANs. While DMs are inefficient in learning 3D representation, which has the challenge to generate multi-view images directly due to the lack of 3D ground-truth (GT) data for training [32, 47]. They can be used as a tool to acquire training datasets for 3D-aware image generation [24, 33]. In this paper, we present a versatile face generative model that uses text and visual inputs. We propose an approach that takes the strengths of DMs and GAN and generates photo-realistic images with flexible control over facial attributes, which can be adapted to 2D and 3D domains, as illustrated in Figure 1. Our method employs a latent mapping strategy that maps the diffusion features into the latent space of a pre-trained GAN using multi-denoising step learning, producing the latent code that encodes the details of text prompts and visual inputs. In summary, our main contributions are: (i) We present a novel method to link a pre-trained GAN (StyleGAN [22], EG3D [4]) and DM (ControlNet [62]) for multi-modal face image generation. (ii) We propose a simple mapping network that links pretrained GAN and DM\u2019s latent spaces and an attentionbased style modulation network that enables the use of meaningful features related to multi-modal inputs. (iii) We present a multi-denoising step training strategy that enhances the model\u2019s ability to capture the textual and structural details of multi-modal inputs. (iv) Our model can be applied for both 2Dand 3D-aware face image generation without additional data or loss terms and outperforms existing DMand GAN-based methods. 2. Related Work 2.1. GAN Inversion GAN inversion approaches have gained significant popularity in the face image generation task [7, 31, 51, 59] using the pre-trained 2D GAN, such as StyleGAN [21, 22]. This method has been extended to 3D-aware image generation [27, 60, 61] by integrating 3D GANs, such as EG3D [4]. GAN inversion can be categorized into learning-based, optimization-based, and hybrid methods. Optimization-based methods [44, 67] estimate the latent code by minimizing the difference between an output and an input image. Learning-based methods [1, 52] train an encoder that maps an input image into the latent space of the pre-trained GAN. Hybrid methods [58, 66] combine these two methods, producing an initial latent code and then refining it with additional optimizations. Our work employs a learning-based GAN inversion, where a DM serves as the encoder. We produce latent codes by leveraging semantic features in the denoising U-Net, which can generate images with controlled facial attributes. 2.2. Diffusion Model for Image Generation Many studies have introduced text-to-image diffusion models [36, 43, 45] that generate images by encoding multimodal inputs, such as text and image, into latent features via foundation models [41] and mapping them to the features of denoising U-Net via an attention mechanism. ControlNet [62] performs image generation by incorporating various visual conditions (e.g., semantic mask, scribbles, edges) and text prompts. Image editing models using DMs [16, 20, 26, 28, 34] have exhibited excellent performance by controlling the latent features or the attention maps of a denoising U-Net. Moreover, DMs can generate and edit images by adjusting latent features over multiple denoising steps [2]. We focus on using latent features of DM, including intermediate features and cross-attention maps, across denoising steps to link them with the latent space of GAN and develop a multi-modal face image generation task. 2.3. Multi-Modal Face Image Generation Face generative models have progressed by incorporating various modalities, such as text [25], semantic mask [38, 55], sketch [5, 9], and audio [65]. Several methods adopt StyleGAN, which can generate high-quality face images and edit facial attributes to control the style vectors. The transformer-based models [3, 13] are also utilized, which improves the performance of face image generation by handling the correlation between multi-modal conditions using image quantization. A primary challenge faced in face generative models is to modify the facial attributes based on given conditions while minimizing changes to other attributes. Some methods [39, 57] edit facial attributes by manipulating the latent codes in GAN models. TediGAN [58] controls multiple conditions by leveraging an encoder to convert an input image into latent codes and optimizing them with a pre-trained CLIP model. Recent works [19, 35] use DMs to exploit the flexibility of taking multiple modalities as conditions and generate facial images directly from DMs. Unlike existing methods, we use the pre-trained DM [62] as an encoder to further produce the latent codes for the pre-trained GAN models. 3. Method 3.1. Overview Figure 2 illustrates the overall pipeline of our approach. During the reverse diffusion process, we use the middle and decoder blocks of a denoising U-Net in ControlNet [62] as an encoder E. A text prompt c, along with a visual condition x, are taken as input to the denoising U-Net. Subsequently, E produces the feature maps h from the middle block, and \f\ud835\udc300 \ud835\udefe \u2219\u2219\u2219 \ud835\udc61= 0 \ud835\udc61= \ud835\udc47 \ud835\udc3c0 \u2032 \ud835\udc3c0 \ud835\udc51 \ud835\udc210 \ud835\udc3c\ud835\udc47 \u2032 \u2219\u2219\u2219 Conv ReLU \ud835\udc21\ud835\udc61 \ud835\udc30\ud835\udc61 \ud835\udc5a \ud835\udc300 \ud835\udc300 \ud835\udefd Conv ReLU FC \u0de0 \ud835\udc05\ud835\udc61 \ud835\udc30\ud835\udc61 \ud835\udefe \ud835\udc30\ud835\udc61 \ud835\udefd \ud835\udc1f0 \ud835\udc300 \ud835\udc5a \ud835\udc50 Reverse Process of Diffusion \ud835\udc1a\ud835\udc61 \ud835\udc1f\ud835\udc61 Max-pool Average Average Upsample \ud835\udc05\ud835\udc61 \ud835\udc00\ud835\udc61 \u0d25 \ud835\udc00\ud835\udc61 \u0d24 \ud835\udc05\ud835\udc61 Style Modulation Network \u0de0 \u0d24 \ud835\udc05\ud835\udc61 \ud835\udc1a0 \ud835\udc50 \u201cThis person has arched eyebrows, wavy hair, and mouth slightly open.\u201d \u201cThis person has arched eyebrows, wavy hair, and mouth slightly open.\u201d Pixel-wise multiplication Pixel-wise addition Our Model Mapping Network AbSMNet Frozen Figure 2. Overview of our method. We use a diffusion-based encoder E, the middle and decoder blocks of a denoising U-Net, that extracts the semantic features ht, intermediate features ft, and cross-attention maps at at denoising step t. We present the mapping network M (Sec. 3.2) and the attention-based style modulation network (AbSMNet) T (Sec. 3.3) that are trained across t (Sec. 3.4). M converts ht into the mapped latent code wm t , and T uses ft and at to control the facial attributes from the text prompt c and visual input x. The modulation codes w\u03b3 t and w\u03b2 t are then used to scale and shift wm t to produce the final latent code, wt, that is fed to the pre-trained GAN G. We obtain the generation output I\u2032 t from our model Y and we use the image Id 0 from the U-Net after the entire denoising process for training T (Sec. 3.4). Note that only the networks with the dashed line ( ) are trainable, while others are frozen. the intermediate features f and the cross-attention maps a from the decoder blocks. h is then fed into the mapping network M, which transforms the rich semantic feature into a latent code wm. The Attention-based Style Modulation Network (AbSMNet), T , takes f and a as input to generate the modulation latent codes, w\u03b3 and w\u03b2, that determine facial attributes related to the inputs. The latent code w is then forwarded to the pre-trained GAN G that generates the output image I\u2032. Our model is trained across multiple denoising steps, and we use the denoising step t to indicate the features and images obtained at each denoising step. With this pipeline, we aim to estimate the latent code, w\u2217 t , that is used as input to G to render a GT image, Igt: w\u2217 t = arg min wt L(Igt, G(wt)), (1) where L(\u00b7, \u00b7) measures the distance between Igt and the rendered image, I\u2032 = G(wt). We employ learning-based GAN inversion that estimates the latent code from an encoder to reconstruct an image according to given inputs. 3.2. Mapping Network Our mapping network M aims to build a bridge between the latent space of the diffusion-based encoder E and that of the pre-trained GAN G. E uses a text prompt and a visual input, and these textual and image embeddings are aligned by the cross-attention layers [62]. The feature maps h from the middle block of the denoising U-Net particularly contain rich semantics that resemble the latent space of the generator [28]. Here we establish the link between the latent spaces of E and G by using ht across the denoising steps t. Given ht, we design M that produces a 512-dimensional latent code wm t \u2208RL\u00d7512 that can be mapped to the latent space of G: wm t = M(ht). (2) M is designed based on the structure of the map2style block in pSp [42], as seen in Figure 2. This network consists of convolutional layers downsampling feature maps and a fully connected layer producing the latent code wm t . 3.3. Attention-based Style Modulation Network By training M with learning-based GAN inversion, we can obtain wm t and use it as input to the pre-trained GAN for image generation. However, we observe that ht shows limitations in capturing fine details of the facial attributes due to its limited spatial resolution and data loss during the encoding. Conversely, the feature maps of the DM\u2019s decoder blocks show rich semantic representations [53], benefiting from aggregating features from DM\u2019s encoder blocks via skip connections. We hence propose a novel Attentionbased Style Modulation Network (AbSMNet), T , that produces style modulation latent codes, w\u03b3 t , w\u03b2 t \u2208RL\u00d7512, by using ft and at from E. To improve reflecting the multimodal representations to the final latent code wt, we modulate wm t from M using w\u03b3 t and w\u03b2 t , as shown in Figure 2. We extract intermediate features, ft = {f n t }N n=1, from N different blocks, and cross-attention maps, at = {ak t }K k=1, from K different cross-attention layers of the n-th block, in E that is a decoder stage of denoising U-Net. The discrim\f(a) Cross-attention maps averaging for all denoising steps t= 0 \ud835\udc61= \ud835\udc47 (b) Cross-attention maps for individual denoising steps \ud835\udc00\ud835\udc61 0 \ud835\udc00\ud835\udc61 1 \ud835\udc00\ud835\udc61 2 \u0d25 \ud835\udc00\ud835\udc61 \ud835\udc00\ud835\udc47 1 \ud835\udc05\ud835\udc47 1 \u0de0 \ud835\udc05\ud835\udc47 1 (c) Example of an intermediate feature map Multi-modal inputs Output \u201cThe person has arched eyebrows, wavy hair, and mouth slightly open.\u201d Figure 3. Visualization of cross-attention maps and intermediate feature maps. (a) represents the semantic relation information between an input text and an input semantic mask in the spatial domain. The meaningful representations of inputs are shown across all denoising steps and N different blocks. (b) represents N different cross-attention maps, At, at denoising steps t = T and t = 0. (c) shows the example of refined intermediate feature map \u02c6 F1 T at 1st block and t = T that is emphasized corresponding to input multi-modal conditions. The red and yellow regions of the map indicate higher attention scores. As the denoising step approaches T, the text-relevant features appear more clearly, and as the denoising step t approaches 0, the features of the visual input are more preserved. inative representations are represented more faithfully because ft consists of N multi-scale feature maps that can capture different sizes of facial attributes, which allows for finer control over face attributes. For simplicity, we upsample each intermediate feature map of ft to same size intermediate feature maps Ft = {Fn t }N n=1, where Fn t \u2208RH\u00d7W \u00d7Cn has H, W, and Cn as height, width and depth. Moreover, at is used to amplify controlled facial attributes as it incorporates semantically related information in text and visual input. To match the dimension with Ft, we convert at to At = {An t }N n=1, where An t \u2208RH\u00d7W \u00d7Cn, by max-pooling the output of the cross-attention layers in each decoder block and upsampling the max-pooling outputs. To capture the global representations, we additionally compute \u00af At \u2208RH\u00d7W \u00d71 by depth-wise averaging the max-pooling output of at over each word in the text prompt and upsampling it. As illustrated in Figures 3 (a) and (b), At and \u00af At represent the specific regions aligned with input text prompt and visual input, such as semantic mask, across denoising steps t. By a pixel-wise multiplication between Ft and At, we can obtain the refined intermediate feature maps \u02c6 Ft that emphasize the representations related to multiShift Net \u0de1 \ud835\udc6d\ud835\udc61 \ud835\udefd\ud835\udc54 1 \u2212\ud835\udefc\ud835\udc61 \ud835\udefd \ud835\udc6d\ud835\udc61 Weighted sum map2style \ud835\udc30\ud835\udc61 \ud835\udefe \ud835\udc30\ud835\udc61 \ud835\udefd Scale Net \u0de0 \ud835\udc05\ud835\udc61 \ud835\udefe\ud835\udc59 Shift Net Concat Scale Net Shift Net \u0de0 \ud835\udc05\ud835\udc61 \ud835\udefe\ud835\udc54 \u0de0 \ud835\udc05\ud835\udc61 \ud835\udefd\ud835\udc54 1 \u2212\ud835\udefc\ud835\udc61 \ud835\udefe \u0de0 \ud835\udc05\ud835\udc61 \ud835\udefd\ud835\udc59 \ud835\udefc\ud835\udc61 \ud835\udefd 1 \u2212\ud835\udefc\ud835\udc61 \ud835\udefd \ud835\udefc\ud835\udc61 \ud835\udefe map2style \u0de0 \u0d24 \ud835\udc05\ud835\udc61 \u0de0 \ud835\udc05\ud835\udc61 Weighted sum \u0de0 \ud835\udc05\ud835\udc61 \ud835\udefd \u0de0 \ud835\udc05\ud835\udc61 \ud835\udefe Figure 4. Style modulation network in T . The refined intermediate feature maps \u02c6 Ft and \u02c6 \u00af Ft are used to capture local and global semantic representations, respectively. They are fed into the scale and shift network, respectively. The weighted summations of these outputs are used as input to the map2style network, which finally generates the scale and shift modulation latent codes, w\u03b3 t , and w\u03b2 t . modal inputs as shown in Figure 3 (c). The improved average feature map \u02c6 \u00af Ft \u2208RH\u00d7W \u00d71 is also obtained by multiplying \u00af At with \u00af Ft, where \u00af Ft \u2208RH\u00d7W \u00d71 is obtained by first averaging the feature maps in Ft = {Fn t }N n=1 and then depth-wise averaging the outputs. \u02c6 Ft and \u02c6 \u00af Ft distinguish textand structural-relevant semantic features, which improves the alignment with the inputs. We use \u02c6 Ft and \u02c6 \u00af Ft as input to the style modulation network that produces the modulation codes w\u03b3 t , and w\u03b2 t as shown in Figure 4. We capture both local and global features by using \u02c6 Ft, which consists of feature maps representing different local regions on the face, and \u02c6 \u00af Ft, which implies representations of the entire face. We concatenate N intermediate feature maps of \u02c6 Ft, concat(\u02c6 F1 t \u00b7 \u00b7 \u00b7 \u02c6 FN t ), and it is forward to the scale and shift networks that consist of convolutional layers and Leaky ReLU, forming the local modulation feature maps, \u02c6 F\u03b3l t and \u02c6 F\u03b2l t . We also estimate global modulation feature maps, \u02c6 F\u03b3g t and \u02c6 F\u03b2g t , by feeding \u02c6 \u00af Ft to the scale and shift network. The final scale, \u02c6 F\u03b3 t , and shift, \u02c6 F\u03b2 t , feature maps are estimated by the weighted summation: \u02c6 F\u03b3 t = \u03b1\u03b3 t \u02c6 F\u03b3l t + (1 \u2212\u03b1\u03b3 t )\u02c6 F\u03b3g t , (3) \u02c6 F\u03b2 t = \u03b1\u03b2 t \u02c6 F\u03b2g t + (1 \u2212\u03b1\u03b2 t )\u02c6 F\u03b2g t , where \u03b1\u03b3 t and \u03b1\u03b2 t are learnable weight parameters. Through the map2style module, we then convert \u02c6 F\u03b3 t and \u02c6 F\u03b2 t into the final scale, w\u03b3 t \u2208RL\u00d7512, and shift, w\u03b2 t \u2208RL\u00d7512, latent codes. With these modulation latent codes, we achieve more precise control over facial details while corresponding to the input multi-modal inputs at the pixel level. Finally, the mapped latent code wm t from M is modulated by w\u03b3 t and w\u03b2 t from T to get the final latent code wt that is used to obtain the generated image I\u2032 t as follows: wt = wm t \u2299w\u03b3 t \u2295w\u03b2 t , (4) I\u2032 t = G(wt). (5) \f10132 5987 13044 9807 rebuttal (a) \u201cThis person has brown hair, and eyeglasses.\u201d (b)\u201cThis person has mustache.\u201d (c) \u201cThis person has gray hair, and eyeglasses.\u201d Inputs TediGAN UaC Ours (a) (b) (c) (a) (b) (c) (a) (b) (c) (a) \u201cShe has high cheekbones, straight hair, black hair.\u201d (b)\u201cShe has high cheekbones, straight hair, blond hair.\u201d (c) \u201cHe has blond hair, sideburns.\u201d (a) \u201cHe has brown hair, and wavy hair.\u201d (b)\u201cHe has black hair, and straight hair.\u201d (c) \u201cHe has black hair, and goatee.\u201d Collaborative ControlNet Figure 5. Visual examples of the 2D face image generation using a text prompt and a semantic mask. For each semantic mask, we use three different text prompts (a)-(c), resulting in different output images (a)-(c). 3.4. Loss Functions To optimize M and T , we use reconstruction loss, perceptual loss, and identity loss for image generation, and regularization loss [42] that encourages the latent codes to be closer to the average latent code \u00af w. For training M, we use the GT image Igt as reference to encourage the latent code wm t to generate a photo-realistic image as follows: LM = \u03bbm 0 \u2225Igt \u2212G(wm t )\u22252+ (6) \u03bbm 1 \u2225F(Igt) \u2212F(G(wm t )\u22252+ \u03bbm 2 (1 \u2212cos(R(Igt), R(G(wm t ))))+ \u03bbm 3 \u2225E(zt, t, x, c) \u2212\u00af w\u22252, where R(\u00b7) is pre-trained ArcFace network [8], F(\u00b7) is the feature extraction network [63], zt is noisy image, and the hyper-parameters \u03bbm (\u00b7) guide the effect of losses. Note that we freeze T while training M. For training T , we use Id 0 produced by the encoder E into the reconstruction and perceptual losses. With these losses, the loss LT encourages the network to control facial attributes while preserving the identity of Igt: LT = \u03bbs 0\u2225Id 0 \u2212G(wt)\u22252+ (7) \u03bbs 1\u2225F(Id 0) \u2212F(G(wt)\u22252+ \u03bbs 2(1 \u2212cos(R(Igt), R(G(wt))))+ \u03bbs 3\u2225E(zt, t, x, c) \u2212\u00af w\u22252, where the hyper-parameters \u03bbs (\u00b7) guide the effect of losses. Similar to Equation 6, we freeze M while training T . We further introduce a multi-step training strategy that considers the evolution of the feature representation in E over the denoising steps. We observe that E tends to focus more on text-relevant features in an early step, t = T, and structure-relevant features in a later step, t = 0. Figure 3 (b) shows the attention maps \u00af A showing variations across the denoising step. As the attention map, we can capture the textual and structural features by varying the denoising steps. To effectively capture the semantic details of multi-modal conditions, our model is trained across multiple denoising steps. 4. Experiments 4.1. Experimental Setup We use ControlNet [62] as the diffusion-based encoder that receives multi-modal conditions, including text and visual conditions such as a semantic mask and scribble map. The StyleGAN [22] and EG3D [4] are exploited as pre-trained 2D and 3D GAN, respectively. See the Supplementary Material for the training details, the network architecture, and additional results. Datasets. We employ the CelebAMask-HQ [29] dataset comprising 30,000 face RGB images and annotated semantic masks, including 19 facial-component categories such as skin, eyes, mouth, and etc. We also use textual de\fOurs I (a) (b) (c) (d) Ours IDE-3D \u201cThe person has brown hair, and sideburn.\u201d \u201cThe person has gray hair, and straight hair.\u201d \u201cThe person has gray hair, and straight hair.\u201d \u201cThe person has black hair, and wavy hair.\u201d (a) (b) (c) (d) Inputs Figure 6. Visual examples of the 3D-aware face image generation using a text and a semantic mask. We show the images generated with inputs and arbitrary viewpoints. Input conditions Method Model Domain FID\u2193 LPIPS\u2193 SSIM\u2191 ID\u2191 ACC\u2191 mIoU\u2191 Text + semantic mask TediGAN [58] GAN 2D 54.83 0.31 0.62 0.63 81.68 40.01 IDE-3D [51] GAN 3D 39.05 0.40 0.41 0.54 47.07 10.98 UaC [35] Diffusion 2D 45.87 0.38 0.59 0.32 81.49 42.68 ControlNet [62] Diffusion 2D 46.41 0.41 0.53 0.30 82.42 42.77 Collaborative [19] Diffusion 2D 48.23 0.39 0.62 0.31 74.06 30.69 Ours GAN 2D 46.68 0.30 0.63 0.76 83.41 43.82 Ours GAN 3D 44.91 0.28 0.64 0.78 83.05 43.74 Text + scribble map ControlNet [62] Diffusion 2D 93.26 0.52 0.25 0.21 Ours GAN 2D 55.60 0.32 0.56 0.72 Ours GAN 3D 48.76 0.34 0.49 0.62 Table 1. Quantitative results of multi-modal face image generation on CelebAMask-HQ [29] with annotated text prompts [58]. scriptions provided by [58] describing the facial attributes, such as black hair, sideburns, and etc, corresponding to the CelebAMask-HQ dataset. For the face image generation task using a scribble map, we obtain the scribble maps by applying PiDiNet [49, 50] to the RGB images in CelebAMask-HQ. We additionally compute camera parameters based on [4, 10] for 3D-aware image generation. Comparisons. We compare our method with GAN-based models, such as TediGAN [58] and IDE-3D [51], and DMbased models, such as Unite and Conquer (UaC) [35], ControlNet [62], and Collaborative diffusion (Collaborative) [19], for face generation task using a semantic mask and a text prompt. IDE-3D is trained by a CLIP loss term like TediGAN to apply a text prompt for 3D-aware face image generation. ControlNet is used for face image generation using a text prompt and a scribble map. We use the official codes provided by the authors, and we downsample the results into 256 \u00d7 256 for comparison. Evaluation Metrics. For quantitative comparisons, we evaluate the image quality and semantic consistency using sampled 2k semantic maskand scribble map-text prompt pairs. Frechet Inception Distance (FID) [17], LPIPS [63], and the Multiscale Structural Similarity (MS-SSIM) [56] are employed for the evaluation of visual quality and diversity, respectively. We also compute the ID similarity mean score (ID) [8, 57] before and after applying a text prompt. Additionally, we assess the alignment accuracy between the input semantic masks and results using mean Intersectionover-Union (mIoU) and pixel accuracy (ACC) for the face generation task using a semantic mask. 4.2. Results Qualitative Evaluations. Figure 5 shows the visual comparisons between ours and two existing methods for 2D face image generation using a text prompt and a semantic mask as input. We use the same semantic mask with different text prompts (a)-(c). TediGAN produces results consistent with the text prompt as the latent codes are optimized using the input text prompt. However, the results are inconsistent with the input semantic mask, as highlighted in the red boxes. UaC shows good facial alignment with the input semantic mask, but the results are generated with unexpected attributes, such as glasses, that are not indicated in the inputs. Collaborative and ControlNet produce inconsistent, blurry, and unrealistic images. Our model is capable of preserving semantic consistency with inputs and generating realistic facial images. As shown in Figure 5, our method preserves the structure of the semantic mask, such as the hairline, face position, and mouth shape, while changing the attributes through a text prompt. Figure 6 compares our method with IDE-3D [51] to validate the performance of 3D-aware face image generation \fInput View 1. 2. 3. 4. Novel Views (a) Inputs (b) ControlNet (c) Ours Input text: 1. \u201cThis young woman has straight hair, and eyeglasses and wears lipstick.\u201d 2. \u201cThe man has mustache, receding hairline, big nose, goatee, sideburns, bushy eyebrows, and high cheekbones.\u201d 3. \u201cShe has big lips, pointy nose, receding hairline, and arched eyebrows.\u201d 4. \u201cThis man has mouth slightly open, and arched eyebrows. He is smiling.\u201d Figure 7. Visual examples of 3D-aware face image generation using text prompts and scribble maps. Using (1-4) the text prompts and their corresponding (a) scribble maps, we compare the results of (b) ControlNet with (c) multi-view images generated by ours. using a semantic mask and a text prompt. We use the same semantic mask with different text prompts in Figures 6 (a) and (b), and use the same text prompt with different semantic masks in Figures 6 (c) and (d). The results of IDE-3D are well aligned with the semantic mask with the frontal face. However, IDE-3D fails to produce accurate results when the non-frontal face mask is used as input. Moreover, the results cannot reflect the text prompt. Our method can capture the details provided by input text prompts and semantic masks, even in a 3D domain. Figure 7 shows visual comparisons with ControlNet on 2D face generation from a text prompt and a scribble map. The results from ControlNet and our method are consistent with both the text prompt and the scribble map. ControlNet, however, tends to over-emphasize the characteristic details related to input conditions. Our method can easily adapt to the pre-trained 3D GAN and produce photo-realistic multiview images from various viewpoints. Quantitative Evaluations. Table 1 reports the quantitative results on CelebAMask-HQ with text prompts [58]. Our method using text prompts and semantic masks shows performance increases in all metrics in 2D and 3D domains, compared with TediGAN and UaC. Our model using 2D GAN significantly improves LPIPS, ID, ACC, and mIoU scores, surpassing TediGAN, UaC, ControlNet, and Collaborative, respectively. It demonstrates our method\u2019s strong ability to generate photo-realistic images while reflecting input multi-modal conditions better. For 3D-aware face image generation using a text prompt and a semantic mask, it \ud835\udcaf (c) w/o \ud835\udc34, \u04a7 \ud835\udc34 (d) Full model urns, and bags under eyes.\u201d and has arched eyebrows, black hair.\u201d 2. 3. 1. Input text: 1. \u201cThis man has gray hair.\u201d 2. \u201cHe has double chin, sideburns, and bags under eyes.\u201d 3. \u201cShe wears heavy makeup and has arched eyebrows, black hair.\u201d (a) Inputs (b) w/o T (c) w/o A, \u00af A (d) Ours Figure 8. Effect of M and T . (b) shows the results using only M, and (c) shows the effect of the cross-attention maps (A and \u00af A) in T . The major changes are highlighted with the white boxes. Method M T At Igt Id 0 FID\u2193 LPIPS\u2193ID\u2191 ACC\u2191 (a) \u2713 \u2713 \u2713 62.08 0.29 0.62 81.09 (b) \u2713 \u2713 \u2713 \u2713 48.68 0.28 0.66 82.86 (c) \u2713 \u2713 \u2713 \u2713 54.27 0.31 0.58 80.58 (d) \u2713 \u2713 \u2713 \u2713 61.60 0.29 0.62 80.04 (e) \u2713 \u2713 \u2713 \u2713 \u2713 44.91 0.28 0.78 83.05 Table 2. Ablation analysis on 3D-aware face image generation using a text prompt and a semantic mask. We compare (a) and (b) with (e) to show the effect of our style modulation network and (c) and (d) with (e) to analyze the effect of Igt and Id in model training. is reasonable that IDE-3D shows the highest FID score as the method additionally uses an RGB image as input to estimate the latent code for face generation. The LPIPS, SSIM, and ID scores are significantly higher than IDE-3D, with scores higher by 0.116, 0.23, and 0.24, respectively. Our method using 3D GAN exhibits superior ACC and mIoU scores for the 3D face generation task compared to IDE3D, with the score difference of 35.98% and 32.76%, likely due to its ability to reflect textual representations into spatial information. In face image generation tasks using a text prompt and a scribble map, our method outperforms ControlNet in FID, LPIPS, SSIM, and ID scores in both 2D and 3D domains. Note that the ACC and mIoU scores are applicable for semantic mask-based methods. 4.3. Ablation Study We conduct ablation studies to validate the effectiveness of our contributions, including the mapping network M, the AbSM network T , and the loss functions LM and LT . Effectiveness of M and T . We conduct experiments with different settings to assess the effectiveness of M and T . \fw/ \ud835\udc3c\ud835\udc54\ud835\udc61 (d) Ours (a) Inputs (b) w/ \ud835\udc3c\ud835\udc61=0 \ud835\udc51 (c) w/ \ud835\udc3c\ud835\udc54\ud835\udc61 (d) Ours 2. (a) Inputs (b) w/ \ud835\udc3c\ud835\udc61=0 \ud835\udc51 (c) w/ \ud835\udc3c\ud835\udc54\ud835\udc61 (d) Ours \u201cShe wears lipstick and has arched eyebrows, and slightly \u201cThis young person has goatee, mustache, big lips, and strai d) Ours urs and big lips, ws, and (a) Inputs (b) w/ \ud835\udc3c0 \ud835\udc51 (c) w/ \ud835\udc3c\ud835\udc54\ud835\udc61 (d) Ours 2. 1. Input text: 1. \u201cThis young person has goatee, mustache, big lips, and straight hair.\u201d 2. \u201cShe wears lipstick and has arched eyebrows, and mouth slightly open.\u201d Figure 9. Effect of using Id from the denoising U-Net and the GT image Igt in model training. Using text prompts (1, 2) with (a) the semantic mask, we show face images using our model trained with (b) Id 0 , (c) Igt, and (d) both. We also show the advantages of using cross-attention maps in our model. The quantitative and qualitative results are presented in Table 2 and Figure 8, respectively. When using only M, we can generate face images that roughly preserve the structures of a given semantic mask in Figure 8 (a), including the outline of the facial components (e.g. face, eye) in Figure 8 (b). On the other hand, T enables the model to express face attribute details effectively, such as hair colors and mouth open, based on the multi-modal inputs in Figure 8 (c). The FID and ACC scores are higher than the model using only M in Table 2 (b). We further present the impact of adopting cross-attention maps to T for style modulation. Figure 8 (d) shows how the attention-based modulation approach enhances the quality of results, particularly in terms of the sharpness of desired face attributes and the overall consistency between the generated image and multi-modal conditions. Table 2 (e) demonstrates the effectiveness of our method by showing improvements in FID, LPIPS, ID, and ACC. Our method, including both M and T with cross-attention maps, significantly improves the FID showing our model\u2019s ability to generate high-fidelity images. From the improvement of the ID score, the crossattention maps enable relevantly applying the details of input conditions to facial components. Model Training. We analyze the effect of loss terms LM and LT by comparing the performance with the model trained using either Id 0 from the denoising U-Net or GT image Igt. The model trained using Id 0 produces the images in Figure 9 (b), which more closely reflected the multi-modal conditions (a), such as \u201cgoatee\u201d and \u201chair contour\u201d. In Table 2 (c), the ACC score of this model is higher than the model trained only using Igt in Table 2 (d). The images generated by the model trained with Igt in Figure 9 (c) are more perceptually realistic, as evidenced by the lower LPIPS score compared to the model trained with Id 0 in TaInput text: 1. 2. 3. 1. \u201cA photo of a face of a beautiful elf with silver hair in live action movie.\u201d 2. \u201cA photo of a white Greek statue.\u201d 3. \u201cA photo of a face of a zombie.\u201d Figure 10. Visual examples of 3D face style transfer. Our method generates stylized multi-view images by mapping the latent features of DM and GAN. ble 2 (c) and (d). Using Igt also preserves more conditionirrelevant features inferred by the ID scores in Table 2 (c) and (d). In particular, our method combines the strengths of two models as shown in Figure 9 (d) and Table 2 (e). 4.4. Limitations and Future Works Our method can be extended to multi-modal face style transfer (e.g. face \u2192Greek statue) by mapping the latent spaces of DM and GAN without CLIP losses and additional dataset, as shown in Figure 10. For the 3D-aware face style transfer task, we train our model using Id 0 that replaces GT image Igt in our loss terms. This method, however, is limited as it cannot transfer extremely distinct style attributes from the artistic domain to the photo-realistic domain of GAN. To better transfer the facial style in the 3D domain, we will investigate methods to map the diffusion features related to the input pose into the latent space of GAN in future works. 5.",
+ "additional_graph_info": {
+ "graph": [
+ [
+ "Jihyun Kim",
+ "Dongsu Ryu"
+ ],
+ [
+ "Jihyun Kim",
+ "Hyesung Kang"
+ ],
+ [
+ "Jihyun Kim",
+ "Soohyun Kim"
+ ],
+ [
+ "Dongsu Ryu",
+ "Hyesung Kang"
+ ],
+ [
+ "Dongsu Ryu",
+ "Santabrata Das"
+ ],
+ [
+ "Dongsu Ryu",
+ "Indranil Chattopadhyay"
+ ],
+ [
+ "Hyesung Kang",
+ "Renyue Cen"
+ ],
+ [
+ "Hyesung Kang",
+ "Vahe Petrosian"
+ ],
+ [
+ "Soohyun Kim",
+ "Seungryong Kim"
+ ],
+ [
+ "Soohyun Kim",
+ "Junho Kim"
+ ],
+ [
+ "Soohyun Kim",
+ "Taekyung Kim"
+ ],
+ [
+ "Soohyun Kim",
+ "Hwan Heo"
+ ],
+ [
+ "Soohyun Kim",
+ "Jiyoung Lee"
+ ]
+ ],
+ "node_feat": {
+ "Jihyun Kim": [
+ {
+ "url": "http://arxiv.org/abs/2405.04356v1",
+ "title": "Diffusion-driven GAN Inversion for Multi-Modal Face Image Generation",
+ "abstract": "We present a new multi-modal face image generation method that converts a\ntext prompt and a visual input, such as a semantic mask or scribble map, into a\nphoto-realistic face image. To do this, we combine the strengths of Generative\nAdversarial networks (GANs) and diffusion models (DMs) by employing the\nmulti-modal features in the DM into the latent space of the pre-trained GANs.\nWe present a simple mapping and a style modulation network to link two models\nand convert meaningful representations in feature maps and attention maps into\nlatent codes. With GAN inversion, the estimated latent codes can be used to\ngenerate 2D or 3D-aware facial images. We further present a multi-step training\nstrategy that reflects textual and structural representations into the\ngenerated image. Our proposed network produces realistic 2D, multi-view, and\nstylized face images, which align well with inputs. We validate our method by\nusing pre-trained 2D and 3D GANs, and our results outperform existing methods.\nOur project page is available at\nhttps://github.com/1211sh/Diffusion-driven_GAN-Inversion/.",
+ "authors": "Jihyun Kim, Changjae Oh, Hoseok Do, Soohyun Kim, Kwanghoon Sohn",
+ "published": "2024-05-07",
+ "updated": "2024-05-07",
+ "primary_cat": "cs.CV",
+ "cats": [
+ "cs.CV"
+ ],
+ "main_content": "Introduction In recent years, multi-modal image generation has achieved remarkable success, driven by the advancements in Generative Adversarial Networks (GANs) [15] and diffusion models (DMs) [11, 18, 48]. Facial image processing has become a popular application for a variety of tasks, including face image generation [21, 39], face editing [6, 12, 30, 36, 37, 46], and style transfer [7, 64]. Many tasks typically utilize the pre-trained StyleGAN [21, 22], which can generate realistic facial images and edit facial attributes by manipulating the latent space using GAN inversion [39, 42, 58]. In these tasks, using multiple modalities as conditions is becoming a popular approach, which improves the user\u2019s controllability in generating realistic face images. However, existing GAN *Corresponding author This research was supported by the National Research Foundation of Korea (NRF) grant funded by the Korea government (MSIP) (NRF2021R1A2C2006703). rebuttal (a) Oil painting (b) Watercolor Visual input 2D face image generation 3D-aware face image generation Face style transfer \u201cThe woman has bangs, brown hair. She is smiling.\u201d \u201cGreek statue\u201d \u201csilver hair Elf\u201d \u201cCartoon style\u201d Overview of our method \u201cThe chubby man has receding hairline, eyeglasses, gray hair, and double chin.\u201d \u201cWatercolor painting\u201d GAN Ours Diffusion \u201cShe has blond hair, straight hair, and wears heavy makeup.\u201d Visual condition Text condition Figure 1. We present a method to map the diffusion features to the latent space of a pre-trained GAN, which enables diverse tasks in multi-modal face image generation and style transfer. Our method can be applied to 2D and 3D-aware face image generation. inversion methods [51, 58] have poor alignment with inputs as they neglect the correlation between multi-modal inputs. They struggle to map the different modalities into the latent space of the pre-trained GAN, such as by mixing the latent codes or optimizing the latent code converted from a given image according to the input text. Recently, DMs have increased attention in multi-modal image generation thanks to the stability of training and the flexibility of using multiple modalities as conditions. DMs [23, 53, 54] can control the multiple modalities and render diverse images by manipulating the latent or attention features across the time steps. However, existing textto-image DMs rely on an autoencoder and text encoder, such as CLIP [41], trained on unstructured datasets collected from the web [40, 45] that may lead to unrealistic arXiv:2405.04356v1 [cs.CV] 7 May 2024 \fimage generation. Moreover, some approaches address multi-modal face image generation in a 3D domain. In GAN inversion [14, 51], multi-view images can be easily acquired by manipulating the latent code with pre-trained 3D GANs. While DMs are inefficient in learning 3D representation, which has the challenge to generate multi-view images directly due to the lack of 3D ground-truth (GT) data for training [32, 47]. They can be used as a tool to acquire training datasets for 3D-aware image generation [24, 33]. In this paper, we present a versatile face generative model that uses text and visual inputs. We propose an approach that takes the strengths of DMs and GAN and generates photo-realistic images with flexible control over facial attributes, which can be adapted to 2D and 3D domains, as illustrated in Figure 1. Our method employs a latent mapping strategy that maps the diffusion features into the latent space of a pre-trained GAN using multi-denoising step learning, producing the latent code that encodes the details of text prompts and visual inputs. In summary, our main contributions are: (i) We present a novel method to link a pre-trained GAN (StyleGAN [22], EG3D [4]) and DM (ControlNet [62]) for multi-modal face image generation. (ii) We propose a simple mapping network that links pretrained GAN and DM\u2019s latent spaces and an attentionbased style modulation network that enables the use of meaningful features related to multi-modal inputs. (iii) We present a multi-denoising step training strategy that enhances the model\u2019s ability to capture the textual and structural details of multi-modal inputs. (iv) Our model can be applied for both 2Dand 3D-aware face image generation without additional data or loss terms and outperforms existing DMand GAN-based methods. 2. Related Work 2.1. GAN Inversion GAN inversion approaches have gained significant popularity in the face image generation task [7, 31, 51, 59] using the pre-trained 2D GAN, such as StyleGAN [21, 22]. This method has been extended to 3D-aware image generation [27, 60, 61] by integrating 3D GANs, such as EG3D [4]. GAN inversion can be categorized into learning-based, optimization-based, and hybrid methods. Optimization-based methods [44, 67] estimate the latent code by minimizing the difference between an output and an input image. Learning-based methods [1, 52] train an encoder that maps an input image into the latent space of the pre-trained GAN. Hybrid methods [58, 66] combine these two methods, producing an initial latent code and then refining it with additional optimizations. Our work employs a learning-based GAN inversion, where a DM serves as the encoder. We produce latent codes by leveraging semantic features in the denoising U-Net, which can generate images with controlled facial attributes. 2.2. Diffusion Model for Image Generation Many studies have introduced text-to-image diffusion models [36, 43, 45] that generate images by encoding multimodal inputs, such as text and image, into latent features via foundation models [41] and mapping them to the features of denoising U-Net via an attention mechanism. ControlNet [62] performs image generation by incorporating various visual conditions (e.g., semantic mask, scribbles, edges) and text prompts. Image editing models using DMs [16, 20, 26, 28, 34] have exhibited excellent performance by controlling the latent features or the attention maps of a denoising U-Net. Moreover, DMs can generate and edit images by adjusting latent features over multiple denoising steps [2]. We focus on using latent features of DM, including intermediate features and cross-attention maps, across denoising steps to link them with the latent space of GAN and develop a multi-modal face image generation task. 2.3. Multi-Modal Face Image Generation Face generative models have progressed by incorporating various modalities, such as text [25], semantic mask [38, 55], sketch [5, 9], and audio [65]. Several methods adopt StyleGAN, which can generate high-quality face images and edit facial attributes to control the style vectors. The transformer-based models [3, 13] are also utilized, which improves the performance of face image generation by handling the correlation between multi-modal conditions using image quantization. A primary challenge faced in face generative models is to modify the facial attributes based on given conditions while minimizing changes to other attributes. Some methods [39, 57] edit facial attributes by manipulating the latent codes in GAN models. TediGAN [58] controls multiple conditions by leveraging an encoder to convert an input image into latent codes and optimizing them with a pre-trained CLIP model. Recent works [19, 35] use DMs to exploit the flexibility of taking multiple modalities as conditions and generate facial images directly from DMs. Unlike existing methods, we use the pre-trained DM [62] as an encoder to further produce the latent codes for the pre-trained GAN models. 3. Method 3.1. Overview Figure 2 illustrates the overall pipeline of our approach. During the reverse diffusion process, we use the middle and decoder blocks of a denoising U-Net in ControlNet [62] as an encoder E. A text prompt c, along with a visual condition x, are taken as input to the denoising U-Net. Subsequently, E produces the feature maps h from the middle block, and \f\ud835\udc300 \ud835\udefe \u2219\u2219\u2219 \ud835\udc61= 0 \ud835\udc61= \ud835\udc47 \ud835\udc3c0 \u2032 \ud835\udc3c0 \ud835\udc51 \ud835\udc210 \ud835\udc3c\ud835\udc47 \u2032 \u2219\u2219\u2219 Conv ReLU \ud835\udc21\ud835\udc61 \ud835\udc30\ud835\udc61 \ud835\udc5a \ud835\udc300 \ud835\udc300 \ud835\udefd Conv ReLU FC \u0de0 \ud835\udc05\ud835\udc61 \ud835\udc30\ud835\udc61 \ud835\udefe \ud835\udc30\ud835\udc61 \ud835\udefd \ud835\udc1f0 \ud835\udc300 \ud835\udc5a \ud835\udc50 Reverse Process of Diffusion \ud835\udc1a\ud835\udc61 \ud835\udc1f\ud835\udc61 Max-pool Average Average Upsample \ud835\udc05\ud835\udc61 \ud835\udc00\ud835\udc61 \u0d25 \ud835\udc00\ud835\udc61 \u0d24 \ud835\udc05\ud835\udc61 Style Modulation Network \u0de0 \u0d24 \ud835\udc05\ud835\udc61 \ud835\udc1a0 \ud835\udc50 \u201cThis person has arched eyebrows, wavy hair, and mouth slightly open.\u201d \u201cThis person has arched eyebrows, wavy hair, and mouth slightly open.\u201d Pixel-wise multiplication Pixel-wise addition Our Model Mapping Network AbSMNet Frozen Figure 2. Overview of our method. We use a diffusion-based encoder E, the middle and decoder blocks of a denoising U-Net, that extracts the semantic features ht, intermediate features ft, and cross-attention maps at at denoising step t. We present the mapping network M (Sec. 3.2) and the attention-based style modulation network (AbSMNet) T (Sec. 3.3) that are trained across t (Sec. 3.4). M converts ht into the mapped latent code wm t , and T uses ft and at to control the facial attributes from the text prompt c and visual input x. The modulation codes w\u03b3 t and w\u03b2 t are then used to scale and shift wm t to produce the final latent code, wt, that is fed to the pre-trained GAN G. We obtain the generation output I\u2032 t from our model Y and we use the image Id 0 from the U-Net after the entire denoising process for training T (Sec. 3.4). Note that only the networks with the dashed line ( ) are trainable, while others are frozen. the intermediate features f and the cross-attention maps a from the decoder blocks. h is then fed into the mapping network M, which transforms the rich semantic feature into a latent code wm. The Attention-based Style Modulation Network (AbSMNet), T , takes f and a as input to generate the modulation latent codes, w\u03b3 and w\u03b2, that determine facial attributes related to the inputs. The latent code w is then forwarded to the pre-trained GAN G that generates the output image I\u2032. Our model is trained across multiple denoising steps, and we use the denoising step t to indicate the features and images obtained at each denoising step. With this pipeline, we aim to estimate the latent code, w\u2217 t , that is used as input to G to render a GT image, Igt: w\u2217 t = arg min wt L(Igt, G(wt)), (1) where L(\u00b7, \u00b7) measures the distance between Igt and the rendered image, I\u2032 = G(wt). We employ learning-based GAN inversion that estimates the latent code from an encoder to reconstruct an image according to given inputs. 3.2. Mapping Network Our mapping network M aims to build a bridge between the latent space of the diffusion-based encoder E and that of the pre-trained GAN G. E uses a text prompt and a visual input, and these textual and image embeddings are aligned by the cross-attention layers [62]. The feature maps h from the middle block of the denoising U-Net particularly contain rich semantics that resemble the latent space of the generator [28]. Here we establish the link between the latent spaces of E and G by using ht across the denoising steps t. Given ht, we design M that produces a 512-dimensional latent code wm t \u2208RL\u00d7512 that can be mapped to the latent space of G: wm t = M(ht). (2) M is designed based on the structure of the map2style block in pSp [42], as seen in Figure 2. This network consists of convolutional layers downsampling feature maps and a fully connected layer producing the latent code wm t . 3.3. Attention-based Style Modulation Network By training M with learning-based GAN inversion, we can obtain wm t and use it as input to the pre-trained GAN for image generation. However, we observe that ht shows limitations in capturing fine details of the facial attributes due to its limited spatial resolution and data loss during the encoding. Conversely, the feature maps of the DM\u2019s decoder blocks show rich semantic representations [53], benefiting from aggregating features from DM\u2019s encoder blocks via skip connections. We hence propose a novel Attentionbased Style Modulation Network (AbSMNet), T , that produces style modulation latent codes, w\u03b3 t , w\u03b2 t \u2208RL\u00d7512, by using ft and at from E. To improve reflecting the multimodal representations to the final latent code wt, we modulate wm t from M using w\u03b3 t and w\u03b2 t , as shown in Figure 2. We extract intermediate features, ft = {f n t }N n=1, from N different blocks, and cross-attention maps, at = {ak t }K k=1, from K different cross-attention layers of the n-th block, in E that is a decoder stage of denoising U-Net. The discrim\f(a) Cross-attention maps averaging for all denoising steps t= 0 \ud835\udc61= \ud835\udc47 (b) Cross-attention maps for individual denoising steps \ud835\udc00\ud835\udc61 0 \ud835\udc00\ud835\udc61 1 \ud835\udc00\ud835\udc61 2 \u0d25 \ud835\udc00\ud835\udc61 \ud835\udc00\ud835\udc47 1 \ud835\udc05\ud835\udc47 1 \u0de0 \ud835\udc05\ud835\udc47 1 (c) Example of an intermediate feature map Multi-modal inputs Output \u201cThe person has arched eyebrows, wavy hair, and mouth slightly open.\u201d Figure 3. Visualization of cross-attention maps and intermediate feature maps. (a) represents the semantic relation information between an input text and an input semantic mask in the spatial domain. The meaningful representations of inputs are shown across all denoising steps and N different blocks. (b) represents N different cross-attention maps, At, at denoising steps t = T and t = 0. (c) shows the example of refined intermediate feature map \u02c6 F1 T at 1st block and t = T that is emphasized corresponding to input multi-modal conditions. The red and yellow regions of the map indicate higher attention scores. As the denoising step approaches T, the text-relevant features appear more clearly, and as the denoising step t approaches 0, the features of the visual input are more preserved. inative representations are represented more faithfully because ft consists of N multi-scale feature maps that can capture different sizes of facial attributes, which allows for finer control over face attributes. For simplicity, we upsample each intermediate feature map of ft to same size intermediate feature maps Ft = {Fn t }N n=1, where Fn t \u2208RH\u00d7W \u00d7Cn has H, W, and Cn as height, width and depth. Moreover, at is used to amplify controlled facial attributes as it incorporates semantically related information in text and visual input. To match the dimension with Ft, we convert at to At = {An t }N n=1, where An t \u2208RH\u00d7W \u00d7Cn, by max-pooling the output of the cross-attention layers in each decoder block and upsampling the max-pooling outputs. To capture the global representations, we additionally compute \u00af At \u2208RH\u00d7W \u00d71 by depth-wise averaging the max-pooling output of at over each word in the text prompt and upsampling it. As illustrated in Figures 3 (a) and (b), At and \u00af At represent the specific regions aligned with input text prompt and visual input, such as semantic mask, across denoising steps t. By a pixel-wise multiplication between Ft and At, we can obtain the refined intermediate feature maps \u02c6 Ft that emphasize the representations related to multiShift Net \u0de1 \ud835\udc6d\ud835\udc61 \ud835\udefd\ud835\udc54 1 \u2212\ud835\udefc\ud835\udc61 \ud835\udefd \ud835\udc6d\ud835\udc61 Weighted sum map2style \ud835\udc30\ud835\udc61 \ud835\udefe \ud835\udc30\ud835\udc61 \ud835\udefd Scale Net \u0de0 \ud835\udc05\ud835\udc61 \ud835\udefe\ud835\udc59 Shift Net Concat Scale Net Shift Net \u0de0 \ud835\udc05\ud835\udc61 \ud835\udefe\ud835\udc54 \u0de0 \ud835\udc05\ud835\udc61 \ud835\udefd\ud835\udc54 1 \u2212\ud835\udefc\ud835\udc61 \ud835\udefe \u0de0 \ud835\udc05\ud835\udc61 \ud835\udefd\ud835\udc59 \ud835\udefc\ud835\udc61 \ud835\udefd 1 \u2212\ud835\udefc\ud835\udc61 \ud835\udefd \ud835\udefc\ud835\udc61 \ud835\udefe map2style \u0de0 \u0d24 \ud835\udc05\ud835\udc61 \u0de0 \ud835\udc05\ud835\udc61 Weighted sum \u0de0 \ud835\udc05\ud835\udc61 \ud835\udefd \u0de0 \ud835\udc05\ud835\udc61 \ud835\udefe Figure 4. Style modulation network in T . The refined intermediate feature maps \u02c6 Ft and \u02c6 \u00af Ft are used to capture local and global semantic representations, respectively. They are fed into the scale and shift network, respectively. The weighted summations of these outputs are used as input to the map2style network, which finally generates the scale and shift modulation latent codes, w\u03b3 t , and w\u03b2 t . modal inputs as shown in Figure 3 (c). The improved average feature map \u02c6 \u00af Ft \u2208RH\u00d7W \u00d71 is also obtained by multiplying \u00af At with \u00af Ft, where \u00af Ft \u2208RH\u00d7W \u00d71 is obtained by first averaging the feature maps in Ft = {Fn t }N n=1 and then depth-wise averaging the outputs. \u02c6 Ft and \u02c6 \u00af Ft distinguish textand structural-relevant semantic features, which improves the alignment with the inputs. We use \u02c6 Ft and \u02c6 \u00af Ft as input to the style modulation network that produces the modulation codes w\u03b3 t , and w\u03b2 t as shown in Figure 4. We capture both local and global features by using \u02c6 Ft, which consists of feature maps representing different local regions on the face, and \u02c6 \u00af Ft, which implies representations of the entire face. We concatenate N intermediate feature maps of \u02c6 Ft, concat(\u02c6 F1 t \u00b7 \u00b7 \u00b7 \u02c6 FN t ), and it is forward to the scale and shift networks that consist of convolutional layers and Leaky ReLU, forming the local modulation feature maps, \u02c6 F\u03b3l t and \u02c6 F\u03b2l t . We also estimate global modulation feature maps, \u02c6 F\u03b3g t and \u02c6 F\u03b2g t , by feeding \u02c6 \u00af Ft to the scale and shift network. The final scale, \u02c6 F\u03b3 t , and shift, \u02c6 F\u03b2 t , feature maps are estimated by the weighted summation: \u02c6 F\u03b3 t = \u03b1\u03b3 t \u02c6 F\u03b3l t + (1 \u2212\u03b1\u03b3 t )\u02c6 F\u03b3g t , (3) \u02c6 F\u03b2 t = \u03b1\u03b2 t \u02c6 F\u03b2g t + (1 \u2212\u03b1\u03b2 t )\u02c6 F\u03b2g t , where \u03b1\u03b3 t and \u03b1\u03b2 t are learnable weight parameters. Through the map2style module, we then convert \u02c6 F\u03b3 t and \u02c6 F\u03b2 t into the final scale, w\u03b3 t \u2208RL\u00d7512, and shift, w\u03b2 t \u2208RL\u00d7512, latent codes. With these modulation latent codes, we achieve more precise control over facial details while corresponding to the input multi-modal inputs at the pixel level. Finally, the mapped latent code wm t from M is modulated by w\u03b3 t and w\u03b2 t from T to get the final latent code wt that is used to obtain the generated image I\u2032 t as follows: wt = wm t \u2299w\u03b3 t \u2295w\u03b2 t , (4) I\u2032 t = G(wt). (5) \f10132 5987 13044 9807 rebuttal (a) \u201cThis person has brown hair, and eyeglasses.\u201d (b)\u201cThis person has mustache.\u201d (c) \u201cThis person has gray hair, and eyeglasses.\u201d Inputs TediGAN UaC Ours (a) (b) (c) (a) (b) (c) (a) (b) (c) (a) \u201cShe has high cheekbones, straight hair, black hair.\u201d (b)\u201cShe has high cheekbones, straight hair, blond hair.\u201d (c) \u201cHe has blond hair, sideburns.\u201d (a) \u201cHe has brown hair, and wavy hair.\u201d (b)\u201cHe has black hair, and straight hair.\u201d (c) \u201cHe has black hair, and goatee.\u201d Collaborative ControlNet Figure 5. Visual examples of the 2D face image generation using a text prompt and a semantic mask. For each semantic mask, we use three different text prompts (a)-(c), resulting in different output images (a)-(c). 3.4. Loss Functions To optimize M and T , we use reconstruction loss, perceptual loss, and identity loss for image generation, and regularization loss [42] that encourages the latent codes to be closer to the average latent code \u00af w. For training M, we use the GT image Igt as reference to encourage the latent code wm t to generate a photo-realistic image as follows: LM = \u03bbm 0 \u2225Igt \u2212G(wm t )\u22252+ (6) \u03bbm 1 \u2225F(Igt) \u2212F(G(wm t )\u22252+ \u03bbm 2 (1 \u2212cos(R(Igt), R(G(wm t ))))+ \u03bbm 3 \u2225E(zt, t, x, c) \u2212\u00af w\u22252, where R(\u00b7) is pre-trained ArcFace network [8], F(\u00b7) is the feature extraction network [63], zt is noisy image, and the hyper-parameters \u03bbm (\u00b7) guide the effect of losses. Note that we freeze T while training M. For training T , we use Id 0 produced by the encoder E into the reconstruction and perceptual losses. With these losses, the loss LT encourages the network to control facial attributes while preserving the identity of Igt: LT = \u03bbs 0\u2225Id 0 \u2212G(wt)\u22252+ (7) \u03bbs 1\u2225F(Id 0) \u2212F(G(wt)\u22252+ \u03bbs 2(1 \u2212cos(R(Igt), R(G(wt))))+ \u03bbs 3\u2225E(zt, t, x, c) \u2212\u00af w\u22252, where the hyper-parameters \u03bbs (\u00b7) guide the effect of losses. Similar to Equation 6, we freeze M while training T . We further introduce a multi-step training strategy that considers the evolution of the feature representation in E over the denoising steps. We observe that E tends to focus more on text-relevant features in an early step, t = T, and structure-relevant features in a later step, t = 0. Figure 3 (b) shows the attention maps \u00af A showing variations across the denoising step. As the attention map, we can capture the textual and structural features by varying the denoising steps. To effectively capture the semantic details of multi-modal conditions, our model is trained across multiple denoising steps. 4. Experiments 4.1. Experimental Setup We use ControlNet [62] as the diffusion-based encoder that receives multi-modal conditions, including text and visual conditions such as a semantic mask and scribble map. The StyleGAN [22] and EG3D [4] are exploited as pre-trained 2D and 3D GAN, respectively. See the Supplementary Material for the training details, the network architecture, and additional results. Datasets. We employ the CelebAMask-HQ [29] dataset comprising 30,000 face RGB images and annotated semantic masks, including 19 facial-component categories such as skin, eyes, mouth, and etc. We also use textual de\fOurs I (a) (b) (c) (d) Ours IDE-3D \u201cThe person has brown hair, and sideburn.\u201d \u201cThe person has gray hair, and straight hair.\u201d \u201cThe person has gray hair, and straight hair.\u201d \u201cThe person has black hair, and wavy hair.\u201d (a) (b) (c) (d) Inputs Figure 6. Visual examples of the 3D-aware face image generation using a text and a semantic mask. We show the images generated with inputs and arbitrary viewpoints. Input conditions Method Model Domain FID\u2193 LPIPS\u2193 SSIM\u2191 ID\u2191 ACC\u2191 mIoU\u2191 Text + semantic mask TediGAN [58] GAN 2D 54.83 0.31 0.62 0.63 81.68 40.01 IDE-3D [51] GAN 3D 39.05 0.40 0.41 0.54 47.07 10.98 UaC [35] Diffusion 2D 45.87 0.38 0.59 0.32 81.49 42.68 ControlNet [62] Diffusion 2D 46.41 0.41 0.53 0.30 82.42 42.77 Collaborative [19] Diffusion 2D 48.23 0.39 0.62 0.31 74.06 30.69 Ours GAN 2D 46.68 0.30 0.63 0.76 83.41 43.82 Ours GAN 3D 44.91 0.28 0.64 0.78 83.05 43.74 Text + scribble map ControlNet [62] Diffusion 2D 93.26 0.52 0.25 0.21 Ours GAN 2D 55.60 0.32 0.56 0.72 Ours GAN 3D 48.76 0.34 0.49 0.62 Table 1. Quantitative results of multi-modal face image generation on CelebAMask-HQ [29] with annotated text prompts [58]. scriptions provided by [58] describing the facial attributes, such as black hair, sideburns, and etc, corresponding to the CelebAMask-HQ dataset. For the face image generation task using a scribble map, we obtain the scribble maps by applying PiDiNet [49, 50] to the RGB images in CelebAMask-HQ. We additionally compute camera parameters based on [4, 10] for 3D-aware image generation. Comparisons. We compare our method with GAN-based models, such as TediGAN [58] and IDE-3D [51], and DMbased models, such as Unite and Conquer (UaC) [35], ControlNet [62], and Collaborative diffusion (Collaborative) [19], for face generation task using a semantic mask and a text prompt. IDE-3D is trained by a CLIP loss term like TediGAN to apply a text prompt for 3D-aware face image generation. ControlNet is used for face image generation using a text prompt and a scribble map. We use the official codes provided by the authors, and we downsample the results into 256 \u00d7 256 for comparison. Evaluation Metrics. For quantitative comparisons, we evaluate the image quality and semantic consistency using sampled 2k semantic maskand scribble map-text prompt pairs. Frechet Inception Distance (FID) [17], LPIPS [63], and the Multiscale Structural Similarity (MS-SSIM) [56] are employed for the evaluation of visual quality and diversity, respectively. We also compute the ID similarity mean score (ID) [8, 57] before and after applying a text prompt. Additionally, we assess the alignment accuracy between the input semantic masks and results using mean Intersectionover-Union (mIoU) and pixel accuracy (ACC) for the face generation task using a semantic mask. 4.2. Results Qualitative Evaluations. Figure 5 shows the visual comparisons between ours and two existing methods for 2D face image generation using a text prompt and a semantic mask as input. We use the same semantic mask with different text prompts (a)-(c). TediGAN produces results consistent with the text prompt as the latent codes are optimized using the input text prompt. However, the results are inconsistent with the input semantic mask, as highlighted in the red boxes. UaC shows good facial alignment with the input semantic mask, but the results are generated with unexpected attributes, such as glasses, that are not indicated in the inputs. Collaborative and ControlNet produce inconsistent, blurry, and unrealistic images. Our model is capable of preserving semantic consistency with inputs and generating realistic facial images. As shown in Figure 5, our method preserves the structure of the semantic mask, such as the hairline, face position, and mouth shape, while changing the attributes through a text prompt. Figure 6 compares our method with IDE-3D [51] to validate the performance of 3D-aware face image generation \fInput View 1. 2. 3. 4. Novel Views (a) Inputs (b) ControlNet (c) Ours Input text: 1. \u201cThis young woman has straight hair, and eyeglasses and wears lipstick.\u201d 2. \u201cThe man has mustache, receding hairline, big nose, goatee, sideburns, bushy eyebrows, and high cheekbones.\u201d 3. \u201cShe has big lips, pointy nose, receding hairline, and arched eyebrows.\u201d 4. \u201cThis man has mouth slightly open, and arched eyebrows. He is smiling.\u201d Figure 7. Visual examples of 3D-aware face image generation using text prompts and scribble maps. Using (1-4) the text prompts and their corresponding (a) scribble maps, we compare the results of (b) ControlNet with (c) multi-view images generated by ours. using a semantic mask and a text prompt. We use the same semantic mask with different text prompts in Figures 6 (a) and (b), and use the same text prompt with different semantic masks in Figures 6 (c) and (d). The results of IDE-3D are well aligned with the semantic mask with the frontal face. However, IDE-3D fails to produce accurate results when the non-frontal face mask is used as input. Moreover, the results cannot reflect the text prompt. Our method can capture the details provided by input text prompts and semantic masks, even in a 3D domain. Figure 7 shows visual comparisons with ControlNet on 2D face generation from a text prompt and a scribble map. The results from ControlNet and our method are consistent with both the text prompt and the scribble map. ControlNet, however, tends to over-emphasize the characteristic details related to input conditions. Our method can easily adapt to the pre-trained 3D GAN and produce photo-realistic multiview images from various viewpoints. Quantitative Evaluations. Table 1 reports the quantitative results on CelebAMask-HQ with text prompts [58]. Our method using text prompts and semantic masks shows performance increases in all metrics in 2D and 3D domains, compared with TediGAN and UaC. Our model using 2D GAN significantly improves LPIPS, ID, ACC, and mIoU scores, surpassing TediGAN, UaC, ControlNet, and Collaborative, respectively. It demonstrates our method\u2019s strong ability to generate photo-realistic images while reflecting input multi-modal conditions better. For 3D-aware face image generation using a text prompt and a semantic mask, it \ud835\udcaf (c) w/o \ud835\udc34, \u04a7 \ud835\udc34 (d) Full model urns, and bags under eyes.\u201d and has arched eyebrows, black hair.\u201d 2. 3. 1. Input text: 1. \u201cThis man has gray hair.\u201d 2. \u201cHe has double chin, sideburns, and bags under eyes.\u201d 3. \u201cShe wears heavy makeup and has arched eyebrows, black hair.\u201d (a) Inputs (b) w/o T (c) w/o A, \u00af A (d) Ours Figure 8. Effect of M and T . (b) shows the results using only M, and (c) shows the effect of the cross-attention maps (A and \u00af A) in T . The major changes are highlighted with the white boxes. Method M T At Igt Id 0 FID\u2193 LPIPS\u2193ID\u2191 ACC\u2191 (a) \u2713 \u2713 \u2713 62.08 0.29 0.62 81.09 (b) \u2713 \u2713 \u2713 \u2713 48.68 0.28 0.66 82.86 (c) \u2713 \u2713 \u2713 \u2713 54.27 0.31 0.58 80.58 (d) \u2713 \u2713 \u2713 \u2713 61.60 0.29 0.62 80.04 (e) \u2713 \u2713 \u2713 \u2713 \u2713 44.91 0.28 0.78 83.05 Table 2. Ablation analysis on 3D-aware face image generation using a text prompt and a semantic mask. We compare (a) and (b) with (e) to show the effect of our style modulation network and (c) and (d) with (e) to analyze the effect of Igt and Id in model training. is reasonable that IDE-3D shows the highest FID score as the method additionally uses an RGB image as input to estimate the latent code for face generation. The LPIPS, SSIM, and ID scores are significantly higher than IDE-3D, with scores higher by 0.116, 0.23, and 0.24, respectively. Our method using 3D GAN exhibits superior ACC and mIoU scores for the 3D face generation task compared to IDE3D, with the score difference of 35.98% and 32.76%, likely due to its ability to reflect textual representations into spatial information. In face image generation tasks using a text prompt and a scribble map, our method outperforms ControlNet in FID, LPIPS, SSIM, and ID scores in both 2D and 3D domains. Note that the ACC and mIoU scores are applicable for semantic mask-based methods. 4.3. Ablation Study We conduct ablation studies to validate the effectiveness of our contributions, including the mapping network M, the AbSM network T , and the loss functions LM and LT . Effectiveness of M and T . We conduct experiments with different settings to assess the effectiveness of M and T . \fw/ \ud835\udc3c\ud835\udc54\ud835\udc61 (d) Ours (a) Inputs (b) w/ \ud835\udc3c\ud835\udc61=0 \ud835\udc51 (c) w/ \ud835\udc3c\ud835\udc54\ud835\udc61 (d) Ours 2. (a) Inputs (b) w/ \ud835\udc3c\ud835\udc61=0 \ud835\udc51 (c) w/ \ud835\udc3c\ud835\udc54\ud835\udc61 (d) Ours \u201cShe wears lipstick and has arched eyebrows, and slightly \u201cThis young person has goatee, mustache, big lips, and strai d) Ours urs and big lips, ws, and (a) Inputs (b) w/ \ud835\udc3c0 \ud835\udc51 (c) w/ \ud835\udc3c\ud835\udc54\ud835\udc61 (d) Ours 2. 1. Input text: 1. \u201cThis young person has goatee, mustache, big lips, and straight hair.\u201d 2. \u201cShe wears lipstick and has arched eyebrows, and mouth slightly open.\u201d Figure 9. Effect of using Id from the denoising U-Net and the GT image Igt in model training. Using text prompts (1, 2) with (a) the semantic mask, we show face images using our model trained with (b) Id 0 , (c) Igt, and (d) both. We also show the advantages of using cross-attention maps in our model. The quantitative and qualitative results are presented in Table 2 and Figure 8, respectively. When using only M, we can generate face images that roughly preserve the structures of a given semantic mask in Figure 8 (a), including the outline of the facial components (e.g. face, eye) in Figure 8 (b). On the other hand, T enables the model to express face attribute details effectively, such as hair colors and mouth open, based on the multi-modal inputs in Figure 8 (c). The FID and ACC scores are higher than the model using only M in Table 2 (b). We further present the impact of adopting cross-attention maps to T for style modulation. Figure 8 (d) shows how the attention-based modulation approach enhances the quality of results, particularly in terms of the sharpness of desired face attributes and the overall consistency between the generated image and multi-modal conditions. Table 2 (e) demonstrates the effectiveness of our method by showing improvements in FID, LPIPS, ID, and ACC. Our method, including both M and T with cross-attention maps, significantly improves the FID showing our model\u2019s ability to generate high-fidelity images. From the improvement of the ID score, the crossattention maps enable relevantly applying the details of input conditions to facial components. Model Training. We analyze the effect of loss terms LM and LT by comparing the performance with the model trained using either Id 0 from the denoising U-Net or GT image Igt. The model trained using Id 0 produces the images in Figure 9 (b), which more closely reflected the multi-modal conditions (a), such as \u201cgoatee\u201d and \u201chair contour\u201d. In Table 2 (c), the ACC score of this model is higher than the model trained only using Igt in Table 2 (d). The images generated by the model trained with Igt in Figure 9 (c) are more perceptually realistic, as evidenced by the lower LPIPS score compared to the model trained with Id 0 in TaInput text: 1. 2. 3. 1. \u201cA photo of a face of a beautiful elf with silver hair in live action movie.\u201d 2. \u201cA photo of a white Greek statue.\u201d 3. \u201cA photo of a face of a zombie.\u201d Figure 10. Visual examples of 3D face style transfer. Our method generates stylized multi-view images by mapping the latent features of DM and GAN. ble 2 (c) and (d). Using Igt also preserves more conditionirrelevant features inferred by the ID scores in Table 2 (c) and (d). In particular, our method combines the strengths of two models as shown in Figure 9 (d) and Table 2 (e). 4.4. Limitations and Future Works Our method can be extended to multi-modal face style transfer (e.g. face \u2192Greek statue) by mapping the latent spaces of DM and GAN without CLIP losses and additional dataset, as shown in Figure 10. For the 3D-aware face style transfer task, we train our model using Id 0 that replaces GT image Igt in our loss terms. This method, however, is limited as it cannot transfer extremely distinct style attributes from the artistic domain to the photo-realistic domain of GAN. To better transfer the facial style in the 3D domain, we will investigate methods to map the diffusion features related to the input pose into the latent space of GAN in future works. 5."
+ },
+ {
+ "url": "http://arxiv.org/abs/1209.0353v1",
+ "title": "Correlation between Ultra-high Energy Cosmic Rays and Active Galactic Nuclei from Fermi Large Area Telescope",
+ "abstract": "We study the possibility that the $\\gamma$-ray loud active galactic nuclei\n(AGN) are the sources of ultra-high energy cosmic rays (UHECR), through the\ncorrelation analysis of their locations and the arrival directions of UHECR. We\nuse the $\\gamma$-ray loud AGN with $d\\le 100 {\\rm Mpc}$ from the second Fermi\nLarge Area Telescope AGN catalog and the UHECR data with $E\\ge 55 {\\rm EeV}$\nobserved by Pierre Auger Observatory. The distribution of arrival directions\nexpected from the $\\gamma$-ray loud AGN is compared with that of the observed\nUHECR using the correlational angular distance distribution and the\nKolmogorov-Smirnov test. We conclude that the hypothesis that the $\\gamma$-ray\nloud AGN are the dominant sources of UHECR is disfavored unless there is a\nlarge smearing effect due to the intergalactic magnetic fields.",
+ "authors": "Jihyun Kim, Hang Bae Kim",
+ "published": "2012-09-03",
+ "updated": "2012-09-03",
+ "primary_cat": "astro-ph.HE",
+ "cats": [
+ "astro-ph.HE"
+ ],
+ "main_content": "INTRODUCTION The origin of ultra-high energy cosmic rays (UHECR), whose energies are above 1 EeV(= 1018 eV), has been searched for many years; however, it is still in vague. In the search for the origin of UHECR, the Greisen-Zatsepin-Kuzmin (GZK) suppression [1, 2] plays an important role. This suppression tells us that the sources of UHECR with energies above the GZK cuto\ufb00, EGZK \u223c40 EeV, should be located within the GZK radius, rGZK \u223c100 Mpc, because the UHECR coming from beyond the GZK radius cannot reach us by loosing energies as consequences of the interactions between cosmic microwave background photons. The recent observations [3\u20135] support the GZK suppression, thus we can focus on the source candidates lying within \u223c100 Mpc. For the possible sources of UHECR, several kinds of astrophysical objects have been proposed, such as \u03b3-ray bursts, radio galaxies, and active galactic nuclei (AGN) [6\u201313] which are known to be able to accelerate UHECR enough. To verify that these astrophysical objects could be the sources of UHECR, it is worthwhile to compare the arrival directions of UHECR and the positions of source candidates using statistical tests. Although many statistical studies for correlation have been done [14\u201322], the origin of UHECR is not con\ufb01rmed yet. In our previous work [21, 22], we examined the AGN model, where UHECR with energies above a certain energy cuto\ufb00are generated from the AGN lying within a certain distance cut. We used AGN listed in V\u00b4 eron-Cetty and V\u00b4 eron (VCV) catalog [23, 24] and the UHECR data observed by Pierre Auger Observatory (PAO) [19, 20]. By statistical test methods, we concluded that the whole AGN listed in VCV catalog cannot be the true sources of UHECR and pointed out that a certain subset of listed AGN could be the true sources of UHECR. Some subsets of AGN, which have the counterpart in X-ray or \u03b3-ray bands have been tested for the possibility that they are responsible for UHECR [20, 25\u201328]. In the case of the correlation with AGN detected in hard X-ray band, it is found that the fractional excess of pairs relative to the isotropic expectation [20]. In the case of AGN detected in \u03b3-ray band, a marginal correlation is found when we consider the small angular separations only, but the strong correlation is found when we consider the angular separations up to 20\u25e6[27]. This paper focuses on the statistical tests for the correlation of UHECR with certain subsets of AGN, especially \u03b3-ray loud AGN because \u03b3-ray loud AGN have su\ufb03cient power to accelerate UHECR. In Section II, the source models of UHECR which assume that UHECR 1 \fwith E \u2265Ec come from AGN with d \u2264dc which are emitting strong \u03b3-rays is presented. Based on the \u03b3-ray loud AGN model we construct, we create the mock arrival directions of UHECR by Monte-Carlo simulation. In Section III, we describe the UHECR data and the \u03b3ray loud AGN data we use in our analysis. We use 2010 PAO data [20] for observed UHECR data and the second catalog of AGN detected by the Fermi Large Area Telescope (LAT) [29] for the \u03b3-ray loud AGN data. To test the correlation between the observed UHECR and the \u03b3-ray loud AGN, the methods which can compare the distribution of observed UHECR arrival direction and that of the mock UHECR arrival direction expected from the source model are needed to be established. The brief descriptions of our test methods are provided in Section IV. The results of statistical tests are given in Section V and the discussion and the conclusion follow in Section VI. II. SOURCE MODEL OF UHECR Several astrophysical objects are know to be able to accelerate CR up to ultra-high energy. Among them, AGN are the most popular objects since the strong correlation was claimed by PAO [19]. However, its updated analysis results and other studies exclude the hypothesis that the whole set of AGN is responsible for the UHECR [18, 20\u201322]. In our previous work [22], using PAO UHECR having energies above 55 EeV [20] and AGN within 100 Mpc listed in the 13th edition of VCV catalog [24], we concluded that we can reject the hypothesis that the whole AGN within 100 Mpc are the real sources of UHECR. Also, we tested the possibility that the subset of AGN is responsible for UHECR; we took AGN within arbitrary distance band as source candidates and found a good correlation for AGN within 60\u221280 Mpc. However, we do not have a reasonable physical explanation for distance grouping. This motivates us to try the subclass of AGN with proper physical properties appropriate for UHECR acceleration. In this paper, we study the hypotheses that AGN emitting strong \u03b3-ray are the sources of UHECR, based on the theoretical study in Ref. [30]. Dermer et al. calculated the emissivity of non-thermal radiation from AGN using the \ufb01rst Fermi LAT AGN catalog (1LAC) [31] to con\ufb01rm that they have su\ufb03cient power to accelerate UHECR. In the Fermi acceleration mechanism using colliding shell model, they found that some of AGN listed in 1LAC have enough power to accelerate UHECR. (See the Figure 3. in [30].) Therefore, we set up the \u03b32 \fray loud AGN model for the UHECR source in the same way as our AGN model introduced in our previous work [22]. When UHECR propagate through the universe, UHECR undergo de\ufb02ection of its trajectory by intergalactic magnetic \ufb01elds. These phenomena are embedded in the simulation for the mock UHECR expected from the AGN model to compare with observed UHECR by introducing the smearing angle parameter (\u03b8s) and by restricting the distance of the source (dc) and the energy of observed UHECR (Ec) following the GZK suppression. We study two versions of \u03b3-ray loud AGN models in this paper. The \ufb01rst one assumes that UHECR with energies E \u2265Ec come from AGN which are emitting strong \u03b3-rays with distance d \u2264dc, and the second one assumes that among the \u03b3-ray loud AGN those having TeV or very high energies \u03b3-ray emission are responsible for the UHECR. The same constraints of UHECR energy and AGN distance are applied to these models. We call the \ufb01rst one the \u03b3-ray loud AGN model, and the second one the TeV \u03b3-ray AGN model. The UHECR \ufb02ux in the simulation for these two models are described below. The expected UHECR \ufb02ux at a given arrival direction \u02c6 r is composed of the \u03b3-ray loud AGN contribution and the isotropic background contribution F(\u02c6 r) = FAGN(\u02c6 r) + FISO, (1) where FAGN(\u02c6 r) is the distribution of all AGN within the distance cut and FISO the contribution of isotropic background from the outside of distance cut dc. That is, a certain fraction of UHECR is coming from AGN and the remaining fraction of them is originated from the isotropic background. We introduce the AGN fraction parameter fA as fA = F AGN F AGN + FISO , (2) where F AGN = (4\u03c0)\u22121 R FAGN(\u02c6 r)d\u2126is the average AGN-contributed \ufb02ux. In the next step, we consider two approaches for FAGN(\u02c6 r) because the relation between UHECR \ufb02ux and AGN property is not established yet. The UHECR \ufb02ux from all AGN can be written as FAGN(\u02c6 r) \u221d X j\u2208AGN Lj 4\u03c0d2 j \u00b7 exp \u0002 \u2212(\u03b8j(\u02c6 r)/\u03b8sj)2\u0003 , (3) where Lj is the UHECR luminosity, di is the distance, \u03b8j(\u02c6 r) = cos\u22121(\u02c6 r \u00b7 \u02c6 r\u2032 j) is the angle between the direction \u02c6 r and the j-th AGN, \u03b8sj is the smearing angle of the j-th AGN. 3 \fThe \ufb01rst approach assumes that all AGN have the same UHECR luminosity, Lj = L, and the same smearing angle, \u03b8sj = \u03b8s. The second approach assumes that the UHECR \ufb02ux contributed by AGN is proportional to the \u03b3-ray \ufb02ux of AGN. FAGN(\u02c6 r) \u221d X j\u2208AGN F\u03b3,j \u00b7 exp \u0002 \u2212(\u03b8j(\u02c6 r)/\u03b8sj)2\u0003 , (4) where F\u03b3,j is the photon \ufb02ux of AGN detected by Fermi LAT in the 1 \u2212100 GeV energy band. Although the normalization is needed for the accurate expression of Eq. (3) and (4), we neglect it because we are not concerned with the total \ufb02ux of UHECR in the test. We have two free parameters in our model for the simulation, the smearing angle \u03b8s and the AGN fraction fA. For the \ufb01ducial values of \u03b8s and fA, we take \u03b8s = 6\u25e6[32] and fA = 0.7 [33]. In the last step for realizing the mock UHECR in the simulation, we need to consider the exposure function re\ufb02ecting the e\ufb03ciency of the detector. The geometric e\ufb03ciency of the detector depends on the location of the experimental site and the zenith angle cut. Then, the exposure function h(\u03b4) is given by [34] h(\u03b4) = 1 \u03c0 [sin \u03b1m cos \u03bb cos \u03b4 + \u03b1m sin \u03bb sin \u03b4] , (5) where \u03bb is the latitude of the detector array, \u03b8m is the zenith angle cut, and \u03b1m = \uf8f1 \uf8f4 \uf8f4 \uf8f4 \uf8f2 \uf8f4 \uf8f4 \uf8f4 \uf8f3 0, for \u03be > 1, \u03c0, for \u03be < \u22121, cos\u22121 \u03be, otherwise with \u03be = cos \u03b8m \u2212sin \u03bb sin \u03b4 cos \u03bb cos \u03b4 . The latitude of the PAO site is \u03bb = \u221235.20\u25e6and the zenith angle cut of the released data is \u03b8m = 60\u25e6. III. DESCRIPTION OF THE DATA We get the information on the \u03b3-ray loud AGN from the second catalog of Fermi LAT AGN (2LAC) published in 2011 [29]. The 2LAC includes the AGN information collected by the Fermi LAT for two years. It contains 1017 \u03b3-ray sources located at high galactic latitude (|b| > 10\u25e6) as the low galactic latitude region is masked by the galactic plane.That region is excluded because the low galactic latitude region is too noisy to be investigated due 4 \fName l b z F\u03b3 TeV \ufb02ag class Centaurus A 309.52 19.42 0.0008 3.03 \u00d7 10\u22129 Y Radio Galaxy NGC 0253 97.37 -87.96 0.0010 6.2 \u00d7 10\u221210 N Starburst Galaxy M82 141.41 40.57 0.0012 1.02 \u00d7 10\u22129 N Starburst Galaxy M87 283.78 74.49 0.0036 1.73 \u00d7 10\u22129 Y Radio Galaxy NGC 1068 172.10 -51.93 0.0042 5.1 \u00d7 10\u221210 N Starburst Galaxy Fornax A 240.16 -56.69 0.0050 5.3 \u00d7 10\u221210 N Radio Galaxy NGC 6814 29.35 -16.01 0.0052 6.8 \u00d7 10\u221210 N Unidenti\ufb01ed NGC 1275 150.58 -13.26 0.018 1.88 \u00d7 10\u22128 Y Radio Galaxy TABLE I: The 8 clean \u03b3-ray loud AGN within 100 Mpc. l: galactic longitude (degrees), b: galactic latitude (degrees), z: redshift, F\u03b3: photon \ufb02ux (photon/cm2/s), TeV \ufb02ag: TeV AGN, class: optical class to di\ufb00use radio emission, interloping galactic point sources, and heavy optical extinction. There are 886 AGN samples, which are called clean AGN, categorized by the condition that the sole AGN is associated with the \u03b3-ray source and has the association probability P is larger than 0.8. In the \u03b3-ray loud AGN model, we pick up the distance cut dc = 100 Mpc corresponding to the redshift z \u223c0.024. (We use h = 0.70, \u2126m = 0.27, and \u2126\u039b = 0.73 to convert the redshift to the distance.) Then, only 8 AGN among the clean AGN are picked up as UHECR source candidates. For the TeV AGN model, we use the list of TeV AGN detected by the Fermi LAT. There are 34 TeV AGN among the clean AGN and only 3 TeV AGN are used for the source candidate after the distance cut. (See the Table 9 in [29].) In the Table I, we list 8 source candidate AGN within 100 Mpc, which are detected in \u03b3-ray range, and the TeV AGN are marked using TeV \ufb02ag, Y. We use PAO 2010 data [20] for the observed UHECR data, which were collected by the surface detector from 2004-01-01 to 2009-12-31. It includes 69 events in the declination band \u03b4 = \u221290\u25e6\u201324.8\u25e6in the equatorial coordinates and having energies above 55 EeV. Among them, we use only 57 PAO UHECR to avoid the galactic plane region |b| < 10\u25e6as mentioned above. Fig. 1 shows the distributions of the arrival directions of PAO data and \u03b3-ray loud AGN detected by Fermi LAT in the galactic coordinates using the Hammer projection. 5 \f. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 0\u25e6 60\u25e6 120\u25e6 180\u25e6 240\u25e6 300\u25e6 90\u25e6 \u221290\u25e6 60\u25e6 \u221260\u25e6 30\u25e6 \u221230\u25e6 0\u25e6 . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u25a0 \u25a0 \u25a0 \u25a0 \u25a0 \u25a0 \u25a0 \u25a0 FIG. 1: Distributions of 8 Fermi LAT AGN within 100 Mpc (blue and red squares) and 57 PAO UHECR (black bullets) in galactic coordinate using the Hammer projection. The red squares represent \u03b3-ray emitting AGN in TeV band. The magenta line means a boundary of PAO \ufb01eld of view and the cyan lines represent the border of the low latitude region (|b| < 10\u25e6). IV. STATISTICAL TEST METHOD To compare the arrival direction distribution expected from the model and that of the observed data, we need the method by which we can represent the characteristic of the distribution of arrival direction and apply the statistical test easily. We proposed some comparison methods in the previous paper [21, 22]. In this analysis, we take the correlational angular distance distribution (CADD) method which is most appropriate for the test of the correlation between point sources and UHECR. CADD is the distribution of the angular distances between all pairs of the point source and UHECR arrival directions: CADD : \b \u03b8ij\u2032 \u2261arccos ( \u02c6 ri \u00b7 \u02c6 r\u2032 j ) | i = 1, . . . , N; j = 1, . . . , M \t , (6) where \u02c6 ri are the UHECR arrival directions, \u02c6 r\u2032 j are the point source directions, and N and M are their total numbers, respectively. Now, we get two CADDs to compare: CADDO from the observed UHECR and the \u03b3-ray loud AGN, and CADDM from the mock UHECR of the model under consideration and the same \u03b3-ray loud AGN. The total number of the data in CADD is NCADD = NM, which means that the number of data in CADD are larger than the sampling number N. 6 \fBy comparing CADDO and CADDM, we can test whether our models are suitable to describe the observation. There are several statistical test methods which can prove that two distributions are di\ufb00erent or not. One of the widely used statistical test methods is Kolmogorov-Smirnov (KS) test. It uses the KS statistic, which is the maximum absolute di\ufb00erence (DKS) between two cumulative probability distributions (CPD), CPD of the observed CADDO, SO(x), and that of the theoretically expected CADDM, SM(x), DKS = max x |SO(x) \u2212SM(x)| . (7) Once we calculate the KS statistic, we can get the probability that two di\ufb00erent distributions come from the same population through the Monte-Carlo simulation. To get CADDM accurately, we generates 105 mock UHECR data. To obtain the probability distribution of the KS statistic DKS, we generate 105 DKS for a given model. Thus our probability estimation is reliable up to roughly 10\u22124. V. RESULTS In this work, we test 4 models for the UHECR sources: 1) the \u03b3-ray loud AGN model with UHECR \ufb02ux proportional to the inverse square of the distance, 2) the \u03b3-ray loud AGN model with UHECR \ufb02ux proportional to the \u03b3-ray \ufb02ux of AGN, 3) the TeV AGN model with UHECR \ufb02ux proportional to the inverse square of the distance, and 4) the TeV AGN model with UHECR \ufb02ux proportional to the \u03b3-ray \ufb02ux of AGN. From now on, we call them \u03b3-d model, \u03b3-f model, T-d model, and T-f model, respectively. Fig. 2 shows the distributions of the mock UHECR of 4 models with the smearing angle \u03b8s = 6\u25e6and the AGN fraction fA = 0.7. The two left panels are for the \u03b3-ray loud AGN model, i.e., \u03b3-d model (upper panel) and \u03b3-f model (lower panel), and the two right panels are for the TeV AGN model, i.e., T-d model (upper panel) and T-f model (lower panel). The blue squares mark the locations of \u03b3-ray loud AGN and the red dots represent mock UHECR generated from the source models. The mock UHECR concentrated near the AGN are generated from the source AGN and the uniformly distributed mock UHECR com from the isotropic background. In Fig. 2, we can see the distinguished features depending on the source models we assumed. There are 6 \u03b3-ray loud AGN in the \ufb01eld of view of PAO (\u03b3-d model and \u03b3-f 7 \f. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 0\u25e6 60\u25e6 120\u25e6 180\u25e6 240\u25e6 300\u25e6 90\u25e6 \u221290\u25e6 60\u25e6 \u221260\u25e6 30\u25e6 \u221230\u25e6 0\u25e6 . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . .. . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . .. . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . .. . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. .. . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . .. . . . . . . . . . .. . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . ... . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . .. . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . ... . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . .. . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . .. . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . .. . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . \u25a0 \u25a0 \u25a0 \u25a0 \u25a0 \u25a0 \u25a0 \u25a0 . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 0\u25e6 60\u25e6 120\u25e6 180\u25e6 240\u25e6 300\u25e6 90\u25e6 \u221290\u25e6 60\u25e6 \u221260\u25e6 30\u25e6 \u221230\u25e6 0\u25e6 . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . .. . . . . . . . ... . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . ... . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . .. . . . .. . . . . . . . . . . . . . . . . . . .. .. . . . . . . . . . . . . . . . . . .. . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . .. . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . .. . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . ... .. . . . . . . . . . . . . . .. .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . .. . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . .. . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . .. . . . . . . . . . ... . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . ... . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . ... . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. .. . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . .. . . . . . . . . . . . . . . . . . .. . . . .. . . . . . . . . . . . . . . . .. . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . ... . . . . . .. . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . .. . . . . . . . . . . . . . . . . . .. . . . . . . . .. . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . .. . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . .. . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . .. . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . .. .. . . .. . . . . . . . . . . . . . . . . . . . .. . . . .. . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . .. . . . . . . . . . . . .. . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . .. . . . . . . . .. . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . ... . . . . . . .. . . . . . . . . . . .. .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . .. . . . . . .. . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . .. . . . . . . . . . . . .. . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . .. . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . .. . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . .. . . . . . . . . .. . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . .. . . . .. . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . ... . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . .. . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . .. . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . .. .. . . . . . . . . . . . .. . . . . . . . . . . . . ... . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . .. . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . \u25a0 \u25a0 \u25a0 . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 0\u25e6 60\u25e6 120\u25e6 180\u25e6 240\u25e6 300\u25e6 90\u25e6 \u221290\u25e6 60\u25e6 \u221260\u25e6 30\u25e6 \u221230\u25e6 0\u25e6 . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . \u25a0 \u25a0 \u25a0 \u25a0 \u25a0 \u25a0 \u25a0 \u25a0 . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 0\u25e6 60\u25e6 120\u25e6 180\u25e6 240\u25e6 300\u25e6 90\u25e6 \u221290\u25e6 60\u25e6 \u221260\u25e6 30\u25e6 \u221230\u25e6 0\u25e6 . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f \u000f . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . .. . . ... . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . ... . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . .. . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . .. . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . .. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . \u25a0 \u25a0 \u25a0 FIG. 2: Distributions of the mock UHECR with smearing angle \u03b8s = 6\u25e6and AGN fraction fA = 1 (upper panels) and that of the mock UHECR with AGN fraction fA = 0.7 (lower panels). Left panels are for the \u03b3-ray loud AGN model and right panels are for the TeV AGN model. The red dots are the mock UHECR generated by each AGN model and other marks are same with Fig. 1. model), and there are 2 TeV AGN among them (T-d model and T-f model). Also, we can see the di\ufb00erence in the mock UHECR distributions due to the di\ufb00erence in UHECR \ufb02ux modeling. For the \u03b3-d model, Cen A and NGC 0253 are the dominant sources because they are close to us. In contrast, for the \u03b3-f model, 6 AGN contribute rather equally to the generation of mock UHECR. For the T-d model, Cen A is a dominant source, but Cen A and M87 share the proportion to generate the mock UHECR in the T-f model. In Fig. 3, the probability of each model as a function of the AGN fraction from 0 to 1 and the smearing angle from 0\u25e6to 180\u25e6is given. The black gradient color represents the probability that the arrival direction distribution of the PAO UHECR comes from the given AGN source model. The red, green, and blue contours represent 1\u03c3, 2\u03c3, and 3\u03c3 probability lines. First, let us compare the results of the \u03b3-ray loud AGN models and TeV AGN models with UHECR \ufb02ux proportional to the inverse square of the distance. Because the set of TeV AGN is a subset of \u03b3-ray loud AGN, the principal di\ufb00erence between two models is the 8 \f1\u03c3 2\u03c3 3\u03c3 0 0.2 0.4 0.6 0.8 1 AGN fraction (f) 0 30 60 90 120 150 180 smearing angle (\u03b8s) 10-5 10-4 10-3 10-2 10-1 1 1\u03c3 2\u03c3 3\u03c3 0 0.2 0.4 0.6 0.8 1 AGN fraction (f) 0 30 60 90 120 150 180 smearing angle (\u03b8s) 10-5 10-4 10-3 10-2 10-1 1 1\u03c3 2\u03c3 3\u03c3 0 0.2 0.4 0.6 0.8 1 AGN fraction (f) 0 30 60 90 120 150 180 smearing angle (\u03b8s) 10-5 10-4 10-3 10-2 10-1 1 1\u03c3 2\u03c3 3\u03c3 0 0.2 0.4 0.6 0.8 1 AGN fraction (f) 0 30 60 90 120 150 180 smearing angle (\u03b8s) 10-5 10-4 10-3 10-2 10-1 1 FIG. 3: Probability dependencies on the AGN fraction (fA) and the smearing angle \u03b8s. The left panel is for \u03b3-ray loud AGN model and the right panel is for TeV AGN model. The black gradient color means the probability and the solid lines represent the contour plot for 1\u03c3 (red), 2\u03c3 (green), and 3\u03c3 (blue). number of source AGN. It brings a signi\ufb01cant di\ufb00erence in the results, which is shown in the upper panels in Fig. 3 (\u03b3-d model and T-d model). As a rule of thumb, we choose the 3\u03c3 probability as a criterion for ruling out the model. The critical value of the AGN fraction is fA,c \u223c0.4 and the critical value of the smearing angle is \u03b8s,c \u223c25\u25e6for the \u03b3-ray loud AGN model. Decreasing the AGN fraction from the critical value or increasing the smearing 9 \fangle from the critical value increases the probability. In comparison, for the TeV model, the critical value of the AGN fraction is fA,c \u223c0.2 and the critical value of the smearing angle is \u03b8s,c \u223c110\u25e6. We can deduce that it is hard to describe the observed UHECR distribution from T-d model. Next, let us compare the results of two models with the same source AGN but with di\ufb00erent UHECR \ufb02ux models: the model which assumes that UHECR \ufb02ux is proportional to the inverse square of the distance of source AGN and the model which assumes that UHECR \ufb02ux is proportional to the \u03b3-ray \ufb02ux of source AGN. When we compare \u03b3-d model to \u03b3-f model, the critical values of the AGN fraction and the smearing angle are fA,c \u223c0.4 and \u03b8s,c \u223c25\u25e6for the \u03b3-d model, and the critical values of the AGN fraction and the smearing angle are fA,c \u223c0.7 and \u03b8s,c \u223c20\u25e6for the \u03b3-f model. We can exclude the AGN models in the cases having the parameters within the critical values (blue line). There is no crucial distinction between the di\ufb00erent UHECR \ufb02ux models for the \u03b3-ray loud AGN models. However, when we compare T-d model to T-f model, the di\ufb00erent UHECR \ufb02ux models result in the meaningful distinction. In the T-d model, Cen A is a dominant source to generate the mock UHECR, thus they are clustered around Cen A. Nevertheless, there is no signi\ufb01cant di\ufb00erence among Cen A, M87, and NGC 1275 to produce the mock UHECR in the T-f model, thus the mock UHECR are clustered not only around Cen A but also around M87 and NGC 1275. This is the reason why the probability is increased dramatically as the smearing angle increases in the T-f model. The proportion of the mock UHECR produced by NGC 1275 which is located outside of the \ufb01eld of view increases as the smearing angle increases. Therefore, the clustered feature of the T-d model is quite di\ufb00erent from the T-f model and the small number of source cause the clear discrepancy. In short, we \ufb01nd that the source models assuming \u03b3-ray loud AGN are responsible for UHECR (\u03b3-d model and \u03b3-f model) are more plausible than the source models assuming AGN having higher energy are responsible for UHECR (T-d model and T-f model). Also, which \ufb02ux model is appropriate for describing the UHECR \ufb02ux is not conclusive yet. This seems worthwhile to continue to study. At this stage, we can state the critical values that the null hypotheses are rejected. The critical regions are inside the 3\u03c3 contours. For the \u03b3-d model, the critical values of the AGN fraction and the smearing angle are fA,c \u223c0.4 and \u03b8s,c \u223c25\u25e6, and for the \u03b3-f model, the critical values of the AGN fraction and the smearing 10 \fangle are fA,c \u223c0.7 and \u03b8s,c \u223c20\u25e6. The critical values are fA,c \u223c0.2 and \u03b8s,c \u223c110\u25e6in the case of the T-d model and the critical values are fA,c \u223c0.6 and \u03b8s,c \u223c30\u25e6in the case of the T-f model. That is, the \u03b3-ray loud AGN dominance models with small smearing angle are excluded. VI. DISCUSSION AND"
+ }
+ ],
+ "Dongsu Ryu": [
+ {
+ "url": "http://arxiv.org/abs/1905.04476v2",
+ "title": "A Diffusive Shock Acceleration Model for Protons in Weak Quasi-parallel Intracluster Shocks",
+ "abstract": "Low sonic Mach number shocks form in the intracluster medium (ICM) during the\nformation of the large-scale structure of the universe. Nonthermal cosmic-ray\n(CR) protons are expected to be accelerated via diffusive shock acceleration\n(DSA) in those ICM shocks, although observational evidence for the $\\gamma$-ray\nemission of hadronic origin from galaxy clusters has yet to be established.\nConsidering the results obtained from recent plasma simulations, we improve the\nanalytic test-particle DSA model for weak quasi-parallel ($Q_\\parallel$)\nshocks, previously suggested by \\citet{kang2010}. In the model CR spectrum, the\ntransition from the postshock thermal to CR populations occurs at the injection\nmomentum, $p_{\\rm inj}$, above which protons can undergo the full DSA process.\nAs the shock energy is transferred to CR protons, the postshock gas temperature\nshould decrease accordingly and the subshock strength weakens due to the\ndynamical feed of the CR pressure to the shock structure. This results in the\nreduction of the injection fraction, although the postshock CR pressure\napproaches an asymptotic value when the CR spectrum extends to the relativistic\nregime. Our new DSA model self-consistently accounts for such behaviors and\nadopts better estimations for $p_{\\rm inj}$. With our model DSA spectrum, the\nCR acceleration efficiency ranges $\\eta\\sim10^{-3}-0.01$ for supercritical,\n$Q_\\parallel$-shocks with sonic Mach number $2.25\\lesssim M_{\\rm s}\\lesssim5$\nin the ICM. Based on \\citet{ha2018b}, on the other hand, we argue that proton\nacceleration would be negligible in subcritical shocks with $M_{\\rm s}<2.25$.",
+ "authors": "Dongsu Ryu, Hyesung Kang, Ji-Hoon Ha",
+ "published": "2019-05-11",
+ "updated": "2019-08-10",
+ "primary_cat": "astro-ph.HE",
+ "cats": [
+ "astro-ph.HE"
+ ],
+ "main_content": "INTRODUCTION Hierarchical clustering of the large-scale structure of the universe induces supersonic \ufb02ow motions of baryonic matter, which result in the formation of weak shocks with sonic Mach numbers Ms \u22724 in the hot intracluster medium (ICM) (e.g., Ryu et al. 2003; Vazza et al. 2009; Ha et al. 2018a). In particular, shocks associated with mergers of subcluster clumps have been observed in X-ray and radio (e.g., Brunetti & Jones 2014; van Weeren et al. 2019). These ICM shocks are thought to accelerate cosmic ray (CR) protons and electrons via di\ufb00usive shock acceleration (DSA) (Bell 1978; Drury 1983). Although the acceleration of relativistic electrons can be inferred from the so-called giant radio relics Corresponding author: Hyesung Kang hskang@pusan.ac.kr (e.g., van Weeren et al. 2019), the presence of the CR protons produced by ICM shocks has yet to be established (e.g., Pfrommer & En\u00dflin 2004; Pinzke & Pfrommer 2010; Zandanel & Ando 2014; Vazza et al. 2016; Kang & Ryu 2018). The inelastic collisions of CR protons with thermal protons followed by the decay of \u03c00 produce di\ufb00use \u03b3-ray emission, which has not been detected so far (Ackermann et al. 2016). Previous studies using cosmological hydrodynamic simulations with some prescriptions for CR proton acceleration suggested that the non-detection of \u03b3-ray emission from galaxy clusters would constrain the acceleration e\ufb03ciency \u03b7 \u227210\u22123 for ICM shocks with 2 \u2272Ms \u22725 (e.g., Vazza et al. 2016); the acceleration e\ufb03ciency is de\ufb01ned in terms of the shock kinetic energy \ufb02ux, as \u03b7 \u2261ECR,2u2/(0.5\u03c11u3 sh) (Ryu et al. 2003). Hereafter, the subscripts 1 and 2 denote the preshock and postshock states, respectively. And \u03c1 is the density, u is the \ufb02ow speed in the shock-rest frame, arXiv:1905.04476v2 [astro-ph.HE] 10 Aug 2019 \f2 Ryu et al. ush is the shock speed, and ECR,2 is the postshock CR proton energy density. Proton injection is one of the key processes that govern the DSA acceleration e\ufb03ciency. In the so-called thermal leakage model, suprathermal particles in the tail of the postshock thermal distribution were thought to re-cross the shock from downstream to upstream and participate in the Fermi I process (e.g. Malkov 1997; Kang et al. 2002). Through hybrid simulations, however, Caprioli & Spitkovsky (2014a, CS14a, hereafter) showed that in quasi-parallel (Q\u2225, hereafter, with \u03b8Bn \u227245\u25e6) shocks, protons are injected through specular re\ufb02ection o\ufb00the shock potential barrier, gaining energy via shock drift acceleration (SDA), and that the self-excitation of upstream turbulent waves is essential for multiple cycles of re\ufb02ection and SDA. Here, \u03b8Bn is the obliquity angle between the shock normal and the background magnetic \ufb01eld direction. They considered relatively strong (Ms \u22736.5) Q\u2225-shocks in plasmas with \u03b2 \u223c1, where \u03b2 = Pgas/PB is the ratio of the gas to magnetic pressures. As CRs are accelerated to higher energies, the CR energy density increases in time before the acceleration saturates at ECR,2/(ECR,2 + Eth,2) \u22480.06 \u22120.13 for Ms \u22486.3\u221263 (see Figure 3 of CS14a) with the injection fraction, \u03be \u223c10\u22124 \u221210\u22123 (see Equation [4] below). Here, Eth,2 is the energy density of postshock thermal protons. As a result, the postshock thermal distribution gradually shifts to lower temperatures as the CR powerlaw tail increases its extent (see Figure 1 of CS14a). Moreover, CS14a found that in the immediate postshock region, the proton momentum distribution can be represented by three components: the Maxwellian distribution of thermal particles, fth(p), the CR powerlaw spectrum, fCR(p), and the suprathermal \u2018bridge\u2019 connecting smoothly fth and fCR (see Figure 2 of CS14a). This suprathermal bridge gradually disappears as the plasma moves further downstream away from the shock, because the electromagnetic turbulence and ensuing kinetic processes responsible for the generation of suprathermal particles decrease in the downstream region. Far downstream from the shock, the transition from the Maxwellian to CR distributions occurs rather sharply at the so-called injection momentum, which can be parameterized as pinj \u2248Qi pth,p, where pth,p = p 2mpkBT2 is the postshock thermal proton momentum and Qi \u223c3 \u22123.5 is the injection parameter. Here, T2 is the temperature of postshock thermal ions, mp is the proton mass, and kB is the Boltzmann constant. They suggested that the CR energy spectrum can be modeled by the DSA power-law attached to the postshock Maxwellian at pinj, although their hybrid simulations revealed a picture that is quite di\ufb00erent from the thermal leakage injection model. Later, Caprioli et al. (2015, CPS15, hereafter) presented a minimal model for proton injection that accounts for quasi-periodic shock reformation and multicycles of re\ufb02ection/SDA energization, and predicted the CR spectrum consistent with the hybrid simulations of CS14a. Recently, Ha et al. (2018b, HRKM18, hereafter) studied, through Particle-in-Cell (PIC) simulations, the early acceleration of CR protons in weak (Ms \u22482 \u22124) Q\u2225-shocks in hot ICM plasmas where \u03b2 \u223c100 (e.g., Ryu et al. 2008). In the paper, they argued that only supercritical Q\u2225-shocks with Ms \u22732.25 develop overshoot/undershoot oscillations in their structures, resulting in a signi\ufb01cant amount of incoming protons being re\ufb02ected at the shock and injected into the DSA process. Subcritical Q\u2225-shocks with Ms \u22722.25, on the other hand, have relatively smooth structures, and hence the preacceleration and injection of protons into DSA are negligible. Thus, it was suggested that ICM Q\u2225shocks may accelerate CR protons only if Ms \u22732.25. Although the simulations followed only to the very early stage of DSA where the maximum ion momentum reaches up to pmax/mic \u223c0.5 (mi is the reduced ion mass1), HRKM18 attempted to quantify proton acceleration at ICM Q\u2225-shocks. The simulated CR spectrum indicated the injection parameter of Qi \u22482.7, which led to a rather high injection fraction, \u03be \u22482 \u00d7 10\u22123 \u221210\u22122, for shocks with Ms = 2.25 \u22124. If we simply extrapolate this injection fraction to the relativistic regime of pmax/mic \u226b1, the ensuing DSA e\ufb03ciency would be rather high, \u03b7 > 0.01, which is in strong disagreement with the existing observations of \u03b3-rays from galaxies clusters. In a \u2018\ufb02uid-version\u2019 of numerical studies of DSA, on the other hand, the time-dependent di\ufb00usion-convection equation for the isotropic part of the momentum distribution function, fCR(p), is solved, adopting a Bohmtype spatial di\ufb00usion coe\ufb03cient (\u03ba \u221dp) and a \u2018macroscopic\u2019 prescription for thermal leakage injection (\u03c4esp) (e.g., Kang et al. 2002). Previous studies using this approach managed to follow the evolution of CR proton spectrum into the relativistic energies of up to pmax/mpc \u223c50 for shocks with a wide range of sonic Mach numbers (e.g., Kang & Jones 2005). They showed that, as the CR pressure increases in time, the subshock weakens and T2 decreases accordingly, resulting in the 1 Throughout the paper, we di\ufb00erentiate mi from mp, because the e\ufb00ects of the reduced mass ratio, mi/me (me is the electron mass), in PIC simulations remain to be fully understood. In the simulations of HRKM18, for example, mi = 100 \u2212800 me was used. \fProton Acceleration in ICM Shocks 3 gradual reduction of the injection rate and fCR(pinj) [see Figure 5 of Kang & Jones (2005)]. This leads to the decrease of the injection fraction \u03be(t) with time, although the postshock CR pressure reaches an approximate timeasymptotic value [see Figure 6 of Kang et al. (2002)]. These results are consistent with those of the hybrid simulations described above. Previously, Kang & Ryu (2010) considered an analytic model for fCR(p) in the test-particle regime of DSA for weak ICM shocks. They suggested that the test-particle solution of fCR(p) could be valid only if Qi \u22733.8, which results in the injection fraction \u03be \u227210\u22123 and the CR pressure PCR,2/\u03c11u2 sh < 0.1. In that study, however, the changes of T2(t) and \u03be(t) with the increase of pmax were not included self-consistently, because Qi, although a free parameter, has a \ufb01xed value, and T2 was estimated simply from the Rankine-Hugoniot relation, relying on the test-particle assumption. Hence, the model failed to incorporate the full aspect of DSA observed in the previous simulations. Based on the earlier studies of DSA using hybrid, PIC, and \ufb02uid simulations, we here propose an improved analytic model that is designed to approximately emulate the CR proton spectrum of DSA for given shock parameters. The basic formulation is still based on the testparticle solution with a thermal leakage injection recipe with a free parameter, Qi, as in Kang & Ryu (2010). The main improvement is, however, the inclusion of the reduction of the postshock thermal energy density due to the transfer of the shock energy to the CR population in a self-consistent manner; also the model considers a more realistic range of Qi \u22483.0 \u22123.5 that re\ufb02ects the results of the hybrid simulations of CS14a and CPS15. In the next section, we \ufb01rst review what has been learned about proton injection and acceleration at Q\u2225shocks from recent plasma simulations. In Section 3, we describe our analytic DSA model for the CR proton spectrum produced at weak Q\u2225-shocks, along with the injection fraction and acceleration e\ufb03ciency that characterize the DSA of CR protons. A brief summary follows in Section 4. 2. IMPLICATIONS FROM PLASMA SIMULATIONS Although the structure and time variation of collisionless shocks are primarily governed by the dynamics of re\ufb02ected protons and the waves excited by them in the foreshock region, the roles of electron kinetic processes in proton injection to DSA has not yet been fully explored (e.g., Balogh & Truemann 2013). Only PIC simulations can follow from \ufb01rst principles various microinstabilities and wave-particle interactions due to ion and electron kinetic processes. Owing to greatly disparate time and length scales of ion and electron processes, however, the runs of PIC simulations are limited to only several \u00d7102 \u2126\u22121 ci , depending on mi/me, \u03b2, and the dimension of simulations. Here, \u2126\u22121 ci = mic/eB0, is the ion cyclotron period where c is the speed of light, e is the electron charge, and B0 is the background magnetic \ufb01eld strength. Typically, the injection and early acceleration of protons can be followed up to the maximum momentum of pmax/pth,i \u223c30 (pth,i = \u221a2mikBT2) in PIC simulations (e.g., Park et al. 2015, HRKM18). Hybrid simulations, in which electrons are modeled as a charge-neutralizing \ufb02uid, can be run to several \u00d7102 \u2212 103 \u2126\u22121 cp (where \u2126\u22121 cp = mpc/eB0), neglecting details of electron kinetic processes. Yet they can follow proton acceleration only up to pmax/mpush \u223c30 or so (e.g., CP14a). With currently available computational resources, both PIC and hybrid simulations can only study the early development of suprathermal and nonthermal protons. Thus, it would be a rather challenging task to extrapolate what we have learned about DSA from existing plasma simulations to the relativistic regime of pmax/mpc \u226b1. 2.1. Hybrid Simulations As discussed in the introduction, the injection and acceleration of protons at \u03b2 \u22481 Q\u2225-shocks with Ms \u22736.3 were studied extensively through 2D hybrid simulations (CS14a and CPS15). A small fraction of incoming protons can be injected to DSA after undergoing two to three cycles of SDA, followed by re\ufb02ection o\ufb00the shock potential drop. In addition, at low-\u03b2 (\u03b2 \u22721) shocks, the proton re\ufb02ection can be facilitated by the magnetic mirror force due to the compression of locally perpendicular magnetic \ufb01elds in upstream MHD turbulence, which are self-excited by back-streaming protons (e.g., Sundberg et al. 2016). The e\ufb03ciency of proton injection could be quantitatively di\ufb00erent at weak ICM shocks with \u03b2 \u223c100, because the shock potential drop is smaller at lower Ms shocks and the magnetic mirror force is weaker in higher \u03b2 plasmas. Caprioli & Spitkovsky (2014b, CS14b, hereafter), on the other hand, showed that the magnetic \ufb01eld ampli\ufb01cation due to resonant and non-resonant streaming instabilities increases with the Alfv\u00b4 en Mach number, MA \u2248\u03b21/2Ms. Hence, the level of upstream turbulence is expected to be higher for higher \u03b2 shocks at a given Ms. Therefore, higher \u03b2 could have two opposite e\ufb00ects on the e\ufb03ciency of proton injection, i.e., weaker magnetic mirror but stronger turbulence in the foreshock. Unfortunately, so far hybrid simulations for \f4 Ryu et al. 10 -4 10 -3 10 -2 10 -1 10 -4 10 -3 10 -2 10 -1 50 100 150 200 250 0.005 0.01 0.015 0.02 ( \u03b31 ) d N / d \u03b3 \u03b3 1 m i / m e = 1 0 0 \u2126cit = 94 (HRKM18) \u2126cit = 240 (a) M s = 3 . 2 (b) \u2126c i t \u03be Figure 1. (a) Postshock energy spectrum, dN/d\u03b3, of ions with mi = 100me, taken from PIC simulations for the ICM shock of Ms = 3.2 with \u03b8Bn = 13\u25e6, \u03b2 = 100, and T1 = 8.6 keV (108 K). For \u2126cit \u224894 (red), the simulation data reported in HRKM18 are adopted, while for \u2126cit \u2248240 (blue), those from the new extended simulation described in Section 2.2 are used. The red and blue dashed lines show the \ufb01ts for the respective spectra (solid lines) to Maxwellian and test-particle power-law forms. The vertical dotted magenta line marks the injection energy, \u03b3inj, where the two \ufb01tting forms cross each other. (b) Time evolution of the injection fraction \u03be(t), calculated with the postshock energy spectra for the shock model shown in panel (a). The red and blue arrows denote the points for \u2126cit \u224894, and 240, respectively. high-\u03b2 (\u03b2 \u226b1) shocks have not been published in the literature yet. CPS15 suggested that the proton injection at weak shocks may be di\ufb00erent from their \ufb01ndings for strong shocks in the following senses: (1) the overshoot in the shock potential is smaller at weaker shocks, leading to a smaller re\ufb02ection fraction at each confrontation with the shock, (2) the fractional energy gain at each SDA cycle is smaller, so more SDA cycles are required for injection, (3) the levels of turbulence and magnetic \ufb01eld ampli\ufb01cation are weaker. As a result, the proton injection and acceleration e\ufb03ciencies should be smaller at weaker shocks. According to Figure 3 of CS14a, for the Ms \u22486.3 shock (M = 5 in their de\ufb01nition), the DSA e\ufb03ciency is \u03b7 \u22480.036, so a smaller \u03b7 is expected for ICM shocks with Ms \u22724. Moreover, CS14b showed in their Figure 9 that the normalization (amplitude) of postshock fCR decreases as pmax(t) increases with time. We interpret that this trend is caused by the increase in the number of SDA cycles required for injection to DSA, because the subshock weakens gradually due to the CR feedback, and so the energy gain per SDA cycle is reduced. Considering that the ratio of pmax/pth,p reaches only to \u223c30 in these hybrid simulations, the normalization of fCR may continue to decrease as the CR spectrum extends to the relativistic region with pmax/mpc \u226b1. 2.2. Particle-in-cell Simulations HRKM18 explored for the \ufb01rst time the criticality of high-\u03b2 Q\u2225shocks and showed that protons can be injected to DSA and accelerated to become CRs only at supercritical shocks with Ms \u22732.25. Figure 7 of HRKM18 showed that the shock criticality does not sensitively depend on mi/me and numerical resolution, but the acceleration rate depends slightly on \u03b2. As mentioned before, turbulence is excited more strongly for higher \u03b2 cases due to higher MA. But the re\ufb02ection fraction is smaller for higher \u03b2 due to weaker magnetic mirror forces, leading to lower re\ufb02ection fraction and lower amplitude of fCR near pinj. In order to get a glimpse of the long-term evolution of the CR proton spectrum, we extend the 1D PIC simulation reported in HRKM18 from \u2126citend = 90 to 270 for the model of Ms = 3.2, \u03b8Bn = 13\u25e6, mi/me = 100, \u03b2 = 100, and T1 = 8.6 keV (108 K). Details of numerical and model setups can be found in HRKM18 (see their Table 1). The main change is that a di\ufb00erent computation domain, [Lx, Ly] = [3 \u00d7 104, 1] (c/wpe)2, is adopted here in order to accommodate the longer simulation time. Because of severe computational requirements, in practice, it is di\ufb03cult to extend this kind of PIC simulations to a much larger box for a much longer duration. In this simulation the average velocity of ions is \u221a 18.36 times higher than that of real protons for the given temperature. Figure 1 shows the time evolution of the postshock energy spectra of ions, dN/d\u03b3 (where \u03b3 is the Lorentz factor), and the injection fraction, \u03be(t) [see Eq. (11) of HRKM18]. We adopt the simulation data of HRKM18 for \u2126cit \u224894 (red), while the data from the new extended simulation is used for \u2126cit \u2248240 (blue). The region of (1.5 \u22122.5)rL,i behind the shock is included, \fProton Acceleration in ICM Shocks 5 where rL,i is the ion Larmor radius de\ufb01ned with the incoming \ufb02ow speed. Note that the spectrum near the energy cuto\ufb00might not be correctly reproduced due to the limited size of the simulation domain. We notice the following features in Figure 1(a) : (1) the postshock temperature decreases slightly with time, (2) the injection parameter, Qi = pinj/pth,i, increases from \u223c2.7 to \u223c3.0 as the time increases from \u2126cit \u224890 to 240, and (3) the amplitude of dN/d\u03b3(\u03b3inj) decreases gradually. Figure 1(b) shows the resulting gradual decrease of \u03be(t), which may continue further in time. As in HRKM18, a somewhat arbitrary value of pmin = \u221a 2pinj is adopted (see the next section for a further discussion). We interpret the bump in the evolution of \u03be(t) near \u2126cit \u2248210 as a consequence of shock reformation. 3. ANALYTIC MODEL FOR CR PROTON SPECTRUM The analytic model presented here inherits the testparticle DSA model with a thermal leakage injection recipe, which was suggested by Kang & Ryu (2010). It describes the downstream CR proton spectrum, fCR(p), for weak shocks. For the preshock gas with the density, n1, and the temperature, T1, the postshock vales, n2, and T2,02, can be calculated from the RankineHugoniot jump condition. For example, the shock compression ratio is given as r = n2/n1 = (\u03b3g + 1)/(\u03b3g \u22121 + 2/M 2 s ), where \u03b3g = 5/3 is the gas adiabatic index. Following Kang & Ryu (2010), we parameterize the model as follows: (1) The CR proton spectrum follows the test-particle DSA power-law, as fCR(p) \u221dp\u2212q, where q = 3r/(r \u22121). (2) The transition from the postshock thermal to CR spectra occurs at the injection momentum pinj = Qi \u00b7 pth,p, (1) where Qi is the injection parameter. The main improvement here is that the postshock temperature, T2, decreases slightly from T2,0, and hence pth,p does too, as the fraction of the shock energy transferred to CRs increases. Our model leads to the following form of the CR proton spectrum, fCR(p) \u2248\u03c8 \u00b7 fN \u0012 p pinj \u0013\u2212q exp \" \u2212 \u0012 p pmax \u00132# . (2) Here, the maximum momentum of CR protons, pmax, increases with the shock age (e.g., Kang & Ryu 2010). 2 Here, T2,0 denotes the temperature of the thermal gas when the postshock CR energy density, ECR,2, is negligible, reserving T2 for the cases of non-negligible ECR,2. The normalization factor can be approximated as fN = n2 \u03c01.5 p\u22123 th,p exp(\u2212Q2 i ), (3) assuming the CR power-law spectrum is hinged to the postshock Maxwell distribution at pinj. Therefore, in our model, Qi is the key parameter that controls fN. In addition, we introduce an additional parameter, \u03c8 \u223c1, to accommodate any uncertainties in determining the value of Qi and the resulting amplitude, fN. Throughout this paper, however, \u03c8 = 1 is used. Figure 2(a) shows the model spectrum, fCR(p), calculated with Equations (2)-(3), which illustrates the transition from the thermal to nonthermal CR spectra at pinj. The PIC simulation described in section 2.2 indicates Qi \u22483 when pmax/mic \u22480.5, but Qi may further increase for pmax/mic \u226b1, as noted above. On the other hand, hybrid simulations for strong shocks of \u03b2 \u22481 (CS14a, CPS15) showed that it is expected to range as Qi \u22483.0 \u22123.5. As discussed in section 2.1, higher \u03b2 could have two opposite e\ufb00ects on proton re\ufb02ection, weaker magnetic mirror but stronger upstream turbulence. So it is di\ufb03cult to make quantitative predictions on the long-term evolution of Qi in high-\u03b2 shocks without performing plasma simulations of very long duration. Here, we will consider the range of Qi = 3.3 \u22123.5 as an educated guess from the previous plasma simulation. Moreover, in our analytic model, Qi < 3.3 would give the DSA e\ufb03ciency of \u03b7 \u22730.01 for 3 \u2272Ms \u22725 (see Figure 4 below), which would be incompatible with the non-detection of \u03b3-ray emission from galaxy clusters (Vazza et al. 2016). From the model fCR(p) in Equation (2), we calculate the injection fraction of CR protons by \u03be \u22614\u03c0 n2 Z pmax pmin fCR(p)p2dp, (4) as in HRKM18. The postshock CR energy density is estimated by ECR,2 = 4\u03c0c Z pmax pmin ( q p2 + (mpc)2 \u2212mpc)fCR(p)p2dp. (5) In the case of very weak shocks, where the CR spectrum is dominated by low energy particles, both \u03be and ECR,2 depend sensitively on the lower bound of the integrals, pmin (e.g., Pfrommer & En\u00dflin 2004). We here adopt pmin \u2248pinj for \ufb01ducial models, while pmin = 780 MeV/c, the threshold energy of \u03c0-production reaction, will be considered as well for comparison. As mentioned above, ECR,2 may increase, as fCR(p) extends to higher pmax, resulting in the decrease of the postshock gas temperature from T2,0 to T2 (see Figure 5 \f6 Ryu et al. Figure 2. Proton distribution function, f(p)p4, calculated with Equations (2)-(3). Panel (a): f(p)p4 in a Ms = 3.2 shock with Qi,0 = 3.0 (blue line), 3.3 (black line), and 3.5 (red line), when the maximum momentum is pmax \u226bpinj. The vertical dashed line shows the injection momentum, pinj, with Qi,0 = 3.3. Panels (b)-(d): Change of f(p)p4 in Ms = 2.5, 3.2, and 4.0 shocks with Qi,0 = 3.5, as pmax increases. Here, T1 = 108 K. The DSA test-particle slope, qtp, is given in each panel. Due to the energy transfer to the CR component, the temperature reduction factor, RT, decreases. Hence, while pinj is \ufb01xed, the injection parameter, Qi = Qi,0/\u221aRT, increases, leading to the reduction of the normalization factor, fN. of Kang & Jones (2005) and Figure 1 of CS14a). Thus, we introduce the temperature reduction factor, RT = Eth(T2, 0) \u2212ECR,2 Eth(T2,0) . (6) Then, T2 = RTT2,0 is the reduced postshock temperature.3 CPS15 suggested that when the postshock CR energy density approaches to ECR,2 \u22480.1Esh = 0.1(\u03c11u2 sh/2), the subshock weakens substantially, which suppresses the proton re\ufb02ection and injection. Hence, the normalization of fCR is expected to decrease as pmax increases. Our model is designed to mimic such a behavior by \ufb01nding the self-consistent postshock thermal distribution with a lower temperature, while pinj is assumed to be \ufb01xed. Then, the injection parameter increases as Qi = Qi,0/\u221aRT, where Qi,0 is the initial value, leading to smaller values of fN. Note that pinj at shocks with 3 The fraction of thermal particles that becomes CR protons is assumed to be small, i.e., \u03be \u226a1. di\ufb00erent parameters (Ms, \u03b8Bn, and \u03b2) is controlled by a number of complex kinetic process, and hence should be studied through long-term plasma simulations, beyond the current computational capacity. Considering that the proton injection into DSA is yet to be fully understood, \ufb01xing pinj while slightly increasing Qi in our model should be regarded as a reasonable assumption. Figure 2(a) shows the model spectrum, including that of the self-consistent thermal distribution, in a Ms = 3.2 shock for Qi,0 = 3.0 \u22123.5; the spectrum depends on the adopted value of Qi,0. Panels (b)-(d) illustrate the change of the model spectrum as pmax increases in shocks with Ms = 2.5, 3.2, and 4.0, respectively. As pmax and also ECR,2 increase, the Maxwellian part shifts to slightly lower T2, and RT decreases accordingly. Because pinj is assumed to be \ufb01xed, Qi increases and thus the normalization factor fN decreases in our model. Figure 3 shows the change of \u03be, RT, ECR,2/Esh, and \u03b7, calculated with Equations (2)-(6), as pmax increases for Qi,0 = 3.3 (dashed lines) and 3.5 (solid lines) in shocks with Ms = 2.25 \u22124.0. The CR acceleration e\ufb03ciency \fProton Acceleration in ICM Shocks 7 Figure 3. Change of the injection fraction, \u03be, the temperature reduction factor, RT, the postshock CR energy fraction, ECR,2/Esh, and the CR acceleration e\ufb03ciency, \u03b7, as pmax increases. Here, T1 = 108 K, pmin = pinj, Qi,0 = 3.3 (dashed lines) and 3.5 (solid lines) are adopted. As RT decreases, the injection parameter increases as Qi = Qi,0/\u221aRT, which results in the reduction of fN as in Equation (3). is related to the postshock CR energy density, as \u03b7 = ECR,2/rEsh. Figure 3(b) plots how RT decreases, as pmax increases. The injection fraction, \u03be, increases with increasing pmax during the early acceleration phase, but decreases for pmax/mpc \u226b1. The latter behavior results from the gradual reduction of fCR(pinj), which is caused by the self-adjustment of the shock structure, that is, the cooling of the postshock thermal protons, the growing of the precursor, and the weakening of the subshock due to the dynamical feedback of the CR pressure. ECR,2/Esh and \u03b7, on the other hand, monotonically increase and approach to asymptotic values for pmax/mpc \u2273102. Figure 4 shows the asymptotic values of those quantities as a function of Ms (\ufb01lled circles and lines) for Qi,0 = 3.3 (black) and 3.5 (red), which would cover the most realistic range for ICM shocks (CS14a). As mentioned in the introduction, HRKM18 showed that ICM Q\u2225-shocks with Ms < 2.25 may not inject protons into the DSA process, resulting in ine\ufb03cient CR proton acceleration. We here include the Ms = 1.5 and 2.0 cases (connected with dotted lines) for illustrative purposes, showing the values estimated with our model. Note that the asymptotic value of \u03be(Ms) decreases with increasing Ms for supercritical shocks with Ms \u2265 2.25. This behavior is opposite to the relation, \u03be \u221dM 1.5 s , during the very early acceleration stage of the PIC simulations reported in HRKM18. In those PIC simulations, pmax/mpc \u22720.5, so the CR feedback e\ufb00ect is not very signi\ufb01cant. However, our analytic model is designed to take account for the dynamic feedback of the CR pressure to the shock structure when pmax/mpc \u226b1, so \u03be could be smaller at higher Ms. With the adopted value of Qi,0 = 3.3 \u22123.5, ECR,2/Esh < 0.1, so the test-particle assumption should be valid. The acceleration e\ufb03ciency increases with Ms and is close to \u03b7 \u22480.01 \u22120.02 in the range of Ms = 3 \u22125. Obviously, if the injection parameter is larger than what the hybrid simulations of CS14a indicated, that is, Qi,0 > 3.5, then DSA would be even less e\ufb03cient. \f8 Ryu et al. Figure 4. The injection fraction, \u03be, the temperature reduction factor, RT, the postshock CR energy fraction, ECR,2/Esh, and the CR acceleration e\ufb03ciency, \u03b7, as a function of Ms, for pmin = pinj and pmax = 105mpc. Here, T1 = 108 K. The black and red \ufb01lled circles connected with solid lines are the results for Qi,0 = 3.3 and 3.5, respectively. The two points for Ms = 1.5 and 2.0 are connected with the dotted lines, because subcritical shocks with Ms < 2.25 may not preaccelerate and inject thermal protons to the full DSA process according HRKM18. The open triangles represent the values calculated with pmin = 780 MeV/c. In the studies of \u03b3-ray emission from simulated galaxy clusters, the lower bound of fCR is often taken as pmin = 780 MeV/c, as noted above. The open triangles in Figure 4 show ECR,2/Esh and \u03b7 calculated with this pmin, otherwise adopting the same analytic spectrum given in Equations (2)-(3). For Ms = 2.25, the acceleration e\ufb03ciency with pmin = 780 MeV/c is smaller by a factor of 3.3 than that with pmin = pinj. But the two estimations are similar for Ms \u22734. The e\ufb03ciency with pmin = 780 MeV/c is \u03b7 \u223c0.01 in the range of Ms = 3 \u22125, while \u03b7 \u223c10\u22123 for Ms = 2.25. If this result is extended to the case of Ms \u223c6, \u03b7 would be still close to 0.01, which is about three times smaller than the e\ufb03ciency reported by CS14a (i.e., \u03b7 \u22480.036 at Ms \u223c6.3). Note that this estimate is somewhat larger than the upper limit of \u03b7 \u227210\u22123, quoted to be consistent with the non-detection of \u03b3-ray emission from galaxy clusters by Vazza et al. (2016). On the other hand, as HRKM18 shown, \u03b7 may be very small and negligible for shocks with Ms < 2.25, for which the fraction of the total shock dissipation in the ICM was shown to be substantial (e.g., Ryu et al. 2003). Hence, the consistency of our model for proton acceleration with the non-detection of cluster \u03b3-rays should be further examined by considering the details of the characteristics of shocks in simulated galaxy clusters. 4. SUMMARY The DSA e\ufb03ciency for CR protons at low Ms Q\u2225shocks in the high-\u03b2 plasmas of the ICM has yet to be investigated through kinetic plasma simulations. HRKM18 studied the injection and the early acceleration of protons up to pmax/mic \u22480.5 at such shocks through 1D PIC simulations, adopting reduced mass ratios of mi/me. On the other hand, CS14a, CS14b, and CPS15 carried out hybrid simulations to study the DSA of protons, but considered only high Ms shocks in \u03b2 \u22481 plasmas. Here, we revisited the test-particle DSA model for low Ms shocks with a thermal leakage injection recipe that was previously presented in Kang & Ryu (2010). Re\ufb02ecting new \ufb01ndings of recent plasma simulations, we improved the analytic DSA model by accounting for the transfer of the postshock thermal energy to the CR energy and the weakening of the subshock due to the dynamical feedback of the CR pressure to the shock structure. We \ufb01rst set up an approximate analytic solution, fCR(p), for CR protons in weak Q\u2225-shocks. We then calculated the injection fraction, \u03be, the postshock CR \fProton Acceleration in ICM Shocks 9 energy fraction, ECR,2/Esh, and the acceleration e\ufb03ciency, \u03b7, of CR protons. The main aspects of our model and the main results are summarized as follows. 1. In weak shocks with Ms \u22725, above the injection momentum, pinj = Qi pth,p, fCR(p) follows the testparticle DSA power-law, whose slope is determined by the shock compression ratio. 2. According to plasma simulations such as CS14a, CPS15, and HRKM18, as CR protons are accelerated to higher energies, the postshock gas temperature T2 and the normalization of fCR decreases (see Figure 2). Thus, in our model, while the injection momentum, pinj, is assumed to be \ufb01xed, the injection parameter increases as Qi = Qi,0/\u221aRT, where RT is the reduction factor of the postshock temperature. Then Qi determines the CR spectrum according to Equations (2)-(6). We adopt Qi,0 \u22483.3 \u22123.5, extrapolating the results of previous hybrid simulations. 3. In our model, as fCR(p) extends to higher pmax/mpc \u226b1, \u03be \ufb01rst increases and then decreases due to the reduction of T2 and the increase of Qi, although \u03b7 monotonically increases and approaches a time-asymptotic value. Such a behavior was previously seen in \ufb02uid DSA simulations (e.g., Kang et al. 2002). 4. Both \u03be and ECR,2/Esh depend on Qi,0 and also the lower bound of the integrals, pmin, especially in the case of very weak shocks (see Figure 4). For pmin \u2248pinj and Qi,0 = 3.5, the CR acceleration e\ufb03ciency ranges as \u03b7 \u22483.5 \u00d7 10\u22123 \u22120.01 for 2.25 \u2272Ms \u22725.0. If pmin \u2248780 MeV/c is adopted, it decreases to \u03b7 \u2248 1.1 \u00d7 10\u22123 \u22120.01 for the same Mach number range. If Qi,0 = 3.3 is adopted, \u03b7 becomes larger by a factor of 1.5 \u22122, compared to the case with Qi,0 = 3.5. 5. In subcritical shocks with Ms < 2.25, protons may not be e\ufb03ciently injected into DSA, so we expect that \u03b7 would be negligible at these very weak shocks (HRKM18). In a parallel paper (Ha et al. 2019), we will investigate the \u03b3-ray emission as well as the neutrino emission from simulated galaxy clusters due to the inelastic collisions of CR protons and ICM thermal protons, based on the analytic CR proton spectrum proposed in this paper. In particular, we will check whether the prediction for \u03b3-ray emission complies with the upper limits imposed by Fermi LAT observations. We thank the anonymous referee for critical comments that help us improve this paper from its initial form. D.R. and J.-H. H. were supported by the National Research Foundation of Korea (NRF) through grants 2016R1A5A1013277 and 2017R1A2A1A05071429. H.K. was supported by the Basic Science Research Program of the NRF through grant 2017R1D1A1A09000567."
+ },
+ {
+ "url": "http://arxiv.org/abs/0910.3361v1",
+ "title": "Intergalactic Magnetic Field and Arrival Direction of Ultra-High-Energy Protons",
+ "abstract": "We studied how the intergalactic magnetic field (IGMF) affects the\npropagation of super-GZK protons that originate from extragalactic sources\nwithin the local GZK sphere. Toward this end, we set up hypothetical sources of\nultra-high-energy cosmic-rays (UHECRs), virtual observers, and the magnetized\ncosmic web in a model universe constructed from cosmological structure\nformation simulations. We then arranged a set of reference objects mimicking\nactive galactic nuclei (AGNs) in the local universe, with which correlations of\nsimulated UHECR events are analyzed. With our model IGMF, the deflection angle\nbetween the arrival direction of super-GZK protons and the sky position of\ntheir actual sources is quite large with the mean value of $<\\theta > \\sim\n15^{\\circ}$ and the median value of $\\tilde \\theta \\sim 7 - 10^{\\circ}$. On the\nother hand, the separation angle between the arrival direction and the sky\nposition of nearest reference objects is substantially smaller with $ \\sim\n3.5 - 4^{\\circ}$, which is similar to the mean angular distance in the sky to\nnearest neighbors among the reference objects. This is a direct consequence of\nour model that the sources, observers, reference objects, and the IGMF all\ntrace the matter distribution of the universe. The result implies that\nextragalactic objects lying closest to the arrival direction of UHECRs are not\nnecessary their actual sources. With our model for the distribution of\nreference objects, the fraction of super-GZK proton events, whose closest AGNs\nare true sources, is less than 1/3. We discussed implications of our findings\nfor correlation studies of real UHECR events.",
+ "authors": "Dongsu Ryu, Santabrata Das, Hyesung Kang",
+ "published": "2009-10-18",
+ "updated": "2009-10-18",
+ "primary_cat": "astro-ph.HE",
+ "cats": [
+ "astro-ph.HE",
+ "astro-ph.CO"
+ ],
+ "main_content": "Introduction The nature and origin of ultra-high-energy cosmic rays (UHECRs), especially above the so-called Greisen-Zatsepin-Kuz\u2019min (GZK) energy of EGZK \u224850 EeV (1 EeV = 1018 eV), has been one of most perplexing puzzles in astrophysics over \ufb01ve decades and still remains to be understood (see Nagano & Watson 2000, for a review). The highest energy CR detected so far is the Fly\u2019s Eye event with an estimated energy of \u223c300 EeV (Bird et al. 1994). At these high energies protons and nuclei cannot be con\ufb01ned and accelerated e\ufb00ectively within our Galaxy, so the sources of UHECRs are likely to be extragalactic. At energies higher than EGZK, it is expected that protons lose energy and nuclei are photo-disintegrated via the interactions with the cosmic microwave background radiation (CMB) along their trajectories in the intergalactic space (Greisen 1966; Zatsepin & Kuz\u2019min 1966; Puget et al. 1976). The former is known as the GZK e\ufb00ect. So a signi\ufb01cant suppression in the energy spectrum above EGZK could be regarded as an observational evidence for the extragalactic origin of UHECRs (see, e.g., Berezinsky et al. 2006). However, the accurate measurement of the UHECR spectrum is very di\ufb03cult, partly because of extremely low \ufb02ux of UHECRs. But a more serious hurdle is the uncertainties in the energy calibration inherent in detecting and modeling extensive airshower events (e.g., Nagano & Watson 2000; Watson 2006). Nevertheless, both the Yakutsk Extensive Air Shower Array (Yakutsk) and the High Resolution Fly\u2019s Eyes (HiRes) reported observations of the GZK suppression (Egorova et al. 2004; Abbasi et al. 2008a), while the Akeno Giant Air Shower Array (AGASA) claimed a con\ufb02icting \ufb01nding of no suppression (Shinozaki & Teshima 2004). More recent data from the Pierre Auger Observatory (Auger) support the existence of the GZK suppression (Abraham et al. 2008b; Sch\u00a8 ussler et al. 2009). Below EGZK, however, the four experiments reported the \ufb02uxes that are di\ufb00erent from each other by up to a factor of several, implying the possible existence of systematic errors in their energy calibrations (Berezinsky 2009). The overall sky distribution of the arrival directions of UHECRs below EGZK seems to support the isotropy hypothesis (see, e.g., Nagano & Watson 2000). This is consistent with the expectation of uniform distribution of extragalactic sources; the interaction length (i.e. horizon distance) of protons below EGZK is a few Gpc and the universe can be considered homogeneous and isotropic on such a large scale. The horizon distance for super-GZK events, however, decreases sharply with energy and RGZK \u223c100 Mpc for E = 100EeV \f\u2013 3 \u2013 (Berezinsky & Grigor\u2019eva 1988). The matter distribution inside the local GZK horizon (RGZK) is inhomogeneous. Since powerful astronomical objects are likely to form at deep gravitational potential wells, we expect the distribution of the UHECR sources would be inhomogeneous as well. Hence, if super-GZK proton events point their sources, their arrival directions should be anisotropic. The anisotropy of super-GZK events, hence, has been regarded to provide an important clue that unveils the sources of UHECRs. So far, however, the claims derived from analyses of di\ufb00erent experiments are often tantalizing and sometimes con\ufb02icting. For instance, with an excessive number of pairs and one triplet in the arrival direction of CRs above 40 EeV, the AGASA data support the existence of small scale clustering (Hayashida et al. 1996; Takeda et al. 1999). On the other hand, the HiRes stereo data are consistent with the hypothesis of null clustering (Abbasi et al. 2004, 2009). The auto-correlation analysis of the Auger data reported a weak excess of pairs for E > 57 EeV (Abraham et al. 2008a). In addition, the Auger Collaboration found a correlation between highest energy events and the large scale structure (LSS) of the universe using nearby active galactic nuclei (AGNs) in the V\u00b4 eron-Cetty & V\u00b4 eron (2006) catalog (The Pierre Auger Collaboration 2007; Abraham et al. 2008a; Hague et al. 2009) as well as using nearby objects in di\ufb00erent catalogs (Aublin et al. 2009). A correlation between highest AGASA events with nearby galaxies from SDSS was reported (Takami et al. 2009). The HiRes data, however, do not show such correlation of highest energy events with nearby AGNs (Abbasi et al. 2008b), but instead show a correlation with distant BL Lac objects (Abbasi et al. 2006). The interpretation of anisotropy and correlation analyses is, however, complicated owing to the intervening galactic magnetic \ufb01eld (GMF) and intergalactic magnetic \ufb01eld (IGMF); the trajectories of UHECRs are de\ufb02ected by the magnetic \ufb01elds as they propagate through the space between sources and us, and hence, their arrival directions are altered. Even with considerable observational and theoretical e\ufb00orts, however, the nature of the GMF and the IGMF is still poorly constrained. Yet, models for the GMF generally assume a strength of \u223ca few \u00b5G and a coherence length of \u223c1 kpc for the \ufb01eld in the Galactic halo (see, e.g., Stanev 1997), and predict the de\ufb02ection of UHE protons due to the GMF to be \u03b8 \u223ca few degrees (see, e.g., Takami & Sato 2008). The situation for the IGMF in the LSS has been confusing. Adopting a model for the IGMF with the average strength of \u27e8B\u27e9\u223c100 nG in \ufb01laments, Sigl et al. (2003) showed that the de\ufb02ection of UHECRs due to the IGMF could be very large, e.g., \u03b8 > 20\u25e6for protons above 100 EeV. On the other hand, Dolag et al. (2005) adopted a model with \u27e8B\u27e9\u223c0.1 nG in \ufb01laments and showed that the de\ufb02ection should be negligible, e.g., \u03b8 \u226a1\u25e6for protons with 100 EeV. Recently, Ryu et al. (2008) proposed a physically motivated model for the IGMF, in \f\u2013 4 \u2013 which a part of the gravitational energy released during structure formation is transferred to the magnetic \ufb01eld energy as a result of the turbulent dynamo ampli\ufb01cation of weak seed \ufb01elds in the LSS of the universe. In the model, the IGMF follows largely the matter distribution in the cosmic web, and the strength and coherence length are predicted to be \u27e8B\u27e9\u223c10 nG and \u223c1 Mpc for the \ufb01eld in \ufb01laments. Such \ufb01eld in \ufb01laments is expected to induce the Faraday rotation (Cho & Ryu 2009), which is consistent with observation (Xu et al. 2006). With this model IGMF, Das et al. (2008) (Paper I hereafter) calculated the trajectories of UHE protons (E > 10 EeV) that were injected at extragalactic sources associated with the LSS in a simulated model universe. We then estimated that only \u223c35 % of UHE protons above 60 EeV would arrive at us with \u03b8 \u22645\u25e6and the average value of de\ufb02ection angle would be \u27e8\u03b8\u27e9\u223c15\u25e6. Note that the de\ufb02ection angle of \u27e8\u03b8\u27e9\u223c15\u25e6is much larger than the angular window of 3.1\u25e6used by the Auger collaboration in the study of the correlation between highest energy UHECR events and nearby AGNs (The Pierre Auger Collaboration 2007; Abraham et al. 2008a; Hague et al. 2009). In this contribution, as a follow-up work of Paper I, we investigate the e\ufb00ects of the IGMF on the arrival direction of super-GZK protons above 60 EeV coming from sources within 75 Mpc. The limiting parameters for energy and source distance are chosen to match the recent analysis of the Auger collaboration. Without knowing the true sources of UHECRs, the statistics that can be obtained with observational data from experiments are limited; some statistics that are essential to reveal the nature of sources are di\ufb03cult or even impossible to be constructed. On the other hand, with data from simulations, any statistics can be explored. In that sense, simulations complement experiments. Here, with the IGMF suggested by Ryu et al. (2008), we argue that the large de\ufb02ection angle of super-GZK protons due to the IGMF is not inconsistent with the anisotropy and correlation recently reported by the Auger collaboration. However, the large de\ufb02ection angle implies that the nearest object to a UHECR event in the sky is not necessarily its actual source. In Section 2, we describe our models for the LSS of the universe, IGMF, observers, and sources of UHECRs, reference objects for correlation study, and simulations. In Section 3, we present the results, followed by a summary and discussion in Section 4. 2. Models and Simulations In our study, the following elements are necessary: 1) a model for the IGMF on the LSS, 2) a set of virtual observers that represent \u201cus\u201d, an observer at the Earth, in a statistical way, 3) a set of hypothetical sources of UHE protons with a speci\ufb01ed injection spectrum, and 4) a set of reference objects with which we performed a correlation study of simulated \f\u2013 5 \u2013 events. In Paper I, we described in detail how we set up 1), 2), and 3) by using data from cosmological structure formation simulations. Below, we brie\ufb02y summarize models for 1), 2), and 3) and explain in details the reason to introduce \u201creference objects\u201d in this study. 2.1. Large Scale Structure of the Universe We assumed a concordance \u039bCDM model with the following parameters: \u2126BM = 0.043, \u2126DM = 0.227, and \u2126\u039b = 0.73, h \u2261H0/(100 km/s/Mpc) = 0.7, and \u03c38 = 0.8. The model universe for the LSS was generated through simulations in a cubic region of comoving size 100h\u22121(\u2261143) Mpc with 5123 grid zones for gas and gravity and 2563 particles for dark matter, using a PM/Eulerian hydrodynamic cosmology code described in Ryu et al. (1993). The simulations have a uniform spatial resolution of 195.3h\u22121 kpc. The standard set of gasdynamic variables, the gas density, \u03c1g, temperature, T, and the \ufb02ow velocity, v, were used to calculate the quantities required in our model such as the X-ray emission weighted temperature TX, the vorticity, \u03c9, and the turbulent energy density, \u03b5turb, at each grid. 2.2. Intergalactic Magnetic Field We adopted the IGMF from the model by Ryu et al. (2008); the model proposes that turbulent-\ufb02ow motions are induced via the cascade of the vorticity generated at cosmological shocks during the formation of the LSS of the universe, and the IGMF is produced as a consequence of the ampli\ufb01cation of weak seed \ufb01elds of any origin by the turbulence. Then, the energy density (or the strength) of the IGMF can be estimated with the eddy turnover number and the turbulent energy density as follow: \u03b5B = \u03c6 \u0012 t teddy \u0013 \u03b5turb. (1) Here, the eddy turnover time is de\ufb01ned as the reciprocal of the vorticity at driving scales, teddy \u22611/\u03c9driving (\u03c9 \u2261\u2207\u00d7 v), and \u03c6 is the conversion factor from turbulent to magnetic energy that depends on the eddy turnover number t/teddy. The eddy turnover number was estimated as the age of universe times the magnitude of the local vorticity, that is, tage \u03c9. The local vorticity and turbulent energy density were calculated from cosmological simulations for structure formation described above. A functional form for the conversion factor was derived from a separate, incompressible, magnetohydrodynamic (MHD) simulation of turbulence dynamo. For the direction of the IGMF, we used that of the passive \ufb01elds from cosmological \f\u2013 6 \u2013 simulations, in which magnetic \ufb01elds were generated through the Biermann battery mechanism (Biermann 1950) at cosmological shocks and evolved passively along with \ufb02ow motions (Kulsrud et al. 1997; Ryu et al. 1998). In principle, if we had performed full MHD simulations, we could have followed the ampli\ufb01cation of the IGMF through turbulence dynamo. In practice, however, the currently available computational resources do not allow a numerical resolution high enough to reproduce the full development of MHD turbulence. Since the numerical resistivity is larger than the physical resistivity by many orders of magnitude, the growth of magnetic \ufb01elds is saturated before dynamo action becomes fully operative (see, e.g., Kulsrud et al. 1997). This is the reason why we adopted the model of Ryu et al. (2008) to estimate the strength of the IGMF, but we still used the the passive \ufb01elds from cosmological simulations to model the \ufb01eld direction. Figure 1 shows the distribution of magnetic \ufb01eld strength in a slice of (143 Mpc)2 in our model universe. It shows that the IGMF is structured like the matter in the cosmic web. As a matter of fact, the distribution of the IGMF is very well correlated with that of matter. The strongest magnetic \ufb01eld of B \u22730.1\u00b5G is found in and around clusters, while the \ufb01eld is weaker in \ufb01laments, sheets, and voids. In \ufb01laments which are mostly composed of the warm-hot intergalactic medium (WHIM) with T = 105 \u2212107 K, the IGMF has \u27e8B\u27e9\u223c10 nG and \u27e8B2\u27e91/2 \u223ca few \u00d7 10 nG (Ryu et al. 2008). Note that the de\ufb02ection of UHECRs arises mostly due to the \ufb01eld in \ufb01laments (see Paper I). The energy density of the IGMF in \ufb01laments is \u03b5B \u223c10\u221216 ergs cm\u22123, which is a few times smaller than the gas thermal energy density and an order of magnitude smaller than the gas kinetic energy density there.1 The IGMF in \ufb01laments induces the Faraday rotation; the root-mean-square (rms) value of rotation measure (RM) is predicted to be a few rad m\u22121 (Cho & Ryu 2009). That is consistent with the values of RM toward the Hercules and Perseus-Pisces superclusters reported in Xu et al. (2006).2 2.3. Observer Locations In the study of the arrival direction of UHECRs, the IGMF around us, that is, in the Local Group, is important too. It would have been ideal to place \u201cthe observer\u201d where the 1We note that our model does not include a possible contribution to the IGMF from galactic black holes, AGN feedback (see, e.g., Kronberg et al. 2001); so our model may be regarded to provide a baseline for the IGMF. With the contribution, the real IGMF might be even stronger, resulting in even larger de\ufb02ection (see Section 3.1). 2The values of |RM| in Xu et al. (2006) is an order of magnitude larger than the value above, a few rad m\u22121. However, Xu et al. (2006) quoted the path length, which is about two orders of magnitude larger. \f\u2013 7 \u2013 IGMF is similar to that in the Local group. Unfortunately, however, little is known about the IGMF in the Local Group. Hence, instead, we placed \u201cvirtual\u201d observers based on the X-ray emission weighted temperature TX. The groups of galaxies that have the halo temperature similar to that of the Local Group, 0.05 keV < kTX < 0.5 keV (Rasmussen & Pedersen 2001), were identi\ufb01ed. About 1400 observer locations were chosen by the temperature criterion. In reality, there should be only one observer on the Earth. But in our modeling we could choose a number of observer locations to represent statistically \u201cus\u201d without loss of generality, since the simulated universe is only one statistical representation of the real universe. Then, we modeled observers as a sphere of radius 0.5h\u22121 Mpc located at the center of host groups, in order to reduce the computing time to a practical level. The distribution of handful observers are shown schematically in Figure 1. One can see that the observers (groups) are not distributed uniformly, but instead they are located mostly along \ufb01laments. 2.4. AGNs as Reference Objects As noted in Introduction, the Auger Collaboration recently reported a correlation between the direction of their highest energy events and the sky position of nearby AGNs from the 12th edition of the V\u00b4 eron-Cetty & V\u00b4 eron (2006) (VCV) catalog; the correlation has the maximum signi\ufb01cance for UHECRs with E \u227360 EeV and AGNs with distance D \u227275 Mpc (The Pierre Auger Collaboration 2007; Abraham et al. 2008a; Hague et al. 2009). There are about 450 AGNs with D \u227275 Mpc (more precisely, 442 AGNs with redshift z \u22640.018, for which the maximum signi\ufb01cance of the correlation was found) in the VCV catalog. In that study it is not known which subclass of those AGNs or what fraction of them are really true sources of UHECRS. Here, we regard those AGNs as \u201creference objects\u201d, with which correlation studies are performed. In order to compare our correlation study with that of the Auger collaboration, we speci\ufb01ed the following condition to determine \u201cmodel\u201d reference objects in the simulated universe: 1) the number of the objects within 75 Mpc from each observer should be on average \u223c500, and 2) their spatial distribution should trace the LSS in a way similar to the AGN distribution in the real universe. To set up the location of such reference objects, we identi\ufb01ed \u201cclusters\u201d of galaxies with kTX \u22730.1 keV in the simulated universe. Of course some of these clusters with kTX \u2272a few keV should be classi\ufb01ed as groups of galaxies. But for simplicity we call all of them as clusters. The reason behind this selection condition is that the gas temperature is directly related with the depth of gravitational potential well; the hottest gas resides in the densest, most nonlinear regions of the LSS where the most luminous and energetic objects (e.g. AGNs) form through frequent mergers of galaxies. We \f\u2013 8 \u2013 then assumed that each cluster hosts one reference object at its center. For each observer, we generated a list of reference objects inside a sphere of radius 75 Mpc, whose number is on average \u223c500; the exact number of reference objects varies somewhat for di\ufb00erent observers. Then, each observer has its own sky distribution of reference objects, with which we studied the correlation of simulated events. Although our reference objects could be any astronomical objects that trace the LSS, hereafter we refer them as \u201cmodel AGNs\u201d, because the selection criteria were chosen to match the number of AGNs with that from the VCV catalog. Figure 1 shows the schematic distribution of handful model AGNs at the center of host clusters. Obviously the host clusters (and the AGNs) are not uniformly distributed either. In our set-up, the distance to the model AGNs, D, can be arbitrarily small. In reality, however, the closest AGN in the VCV catalog is NGC 404 at D \u223c3 Mpc in the constellation Andromeda (Karachentsev et al. 2004). So the model AGNs with the distance from each observer D < Dmin \u22613 Mpc were excluded. We checked the angular distance Q between a given reference object to its nearest neighboring object. For a set of 442 objects (the number of the AGNs with z \u22640.018 in the VCV catalog), if they are distributed isotropically over the sky of 4\u03c0 radian, the average value of Q would be \u27e8Qiso\u27e9\u224811\u25e6. With the 442 AGNs from the VCV catalog, on the other hand, \u27e8QVCV\u27e9= 3.55\u25e6. The fact that \u27e8QVCV\u27e9< \u27e8Qiso\u27e9means that the distribution of the AGNs from the VCV catalog is not isotropic, but highly clustered, following the matter distribution in the LSS of the universe. We note that \u27e8QVCV\u27e9= 3.55\u25e6is similar to the angular window of 3.1\u25e6used in the Auger study. Clearly this agreement is not accidental, but rather consequential. For the sets of \u223c500 model AGNs in our simulations, the average angular distance is \u27e8QAGN\u27e9= 3.68\u25e6\u00b11.66\u25e6. The error was estimated with \u27e8QAGN\u27e9for \u223c1400 observers. That fact that \u27e8QAGN\u27e9\u223c\u27e8QVCV\u27e9indicates that the spatial clustering of our model AGNs is on average comparable to that of the AGNs from the VCV catalog. This provides a justi\ufb01cation for our selection criteria for model AGNs in the simulated universe. We note that Q is an intrinsic property of the distribution of the reference objects in the sky and has nothing to do with UHECRs. 2.5. Sources of UHECRs Although AGN is one of viable candidates that would produce UHECRs (see, e.g., Nagano & Watson 2000, for the list of viable candidates), there is no compelling reason that all the nearby AGNs are the sources of UHECRs. In this paper, we considered three models with di\ufb00erent numbers of sources, Nsrc (see Table 1), to represent di\ufb00erent subsets of AGNs. \f\u2013 9 \u2013 1) Among AGNs, radio galaxies are considered to be the most promising sources of UHECRs (see, e.g., Biermann & Strittmatter 1987), and there are 28 known radio galaxies within D \u226475 Mpc. So in Model C, we considered on average 28 model AGNs located at 28 hottest host clusters (kTx \u22730.8keV) within a sphere of radius 75 Mpc as true sources of UHECRs. 2) Based on the ratio of singlet to doublet events, on the other hand, Abraham et al. (2008a) argued that the lower limit on the number of sources of UHECRs would be around 61. Following this claim, in Model B, we regarded on average 60 model AGNs located at 60 hottest host clusters (kTx \u22730.55keV) as true sources of UHECRs. 2) In Model A, we regarded all the model AGNs (reference objects) as true sources of UHECRs. 2.6. Simulations of Propagation of UHE Protons At sources, UHE protons were injected with power-law energy spectrum; Ninj(Einj) \u221d E\u2212\u03b3 inj for 6\u00d71019 eV \u2264Einj \u22641021 eV, where \u03b3 is the injection spectral index. We considered the two cases of \u03b3 = 2.7 and 2.4. At each source, protons were randomly distributed over a sphere of radius 0.5h\u22121 Mpc, and then launched in random directions. We then followed the trajectories of UHE protons in our model universe with the IGMF, by numerically integrating the equations of motion; dr dt = v, dp dt = e (v \u00d7 B) , (2) where p is the momentum. During propagation UHE protons interact with the CMB, and the dominant processes for energy loss are the pion and pair productions. The energy loss was treated with the continuous-loss approximation (Berezinsky et al. 2006). The adiabatic loss due to the cosmic expansion was ignored. Table 1. Models of di\ufb00erent numbers of sources Model Nsrc host clusters \u27e8\u03b8\u27e9a \u02dc \u03b8 \u27e8Ssim\u27e9a \u02dc Ssim A \u223c500 kTX \u22730.1keV 13.98 7.01 3.58 2.80 B 60 kTX \u22730.55keV 15.33 8.80 3.97 3.19 C 28 kTX \u22730.8keV 17.76 10.45 4.23 3.43 aDe\ufb02ection angle \u03b8 and separation angle S are de\ufb01ned in Section 3 \f\u2013 10 \u2013 We let UHE protons continue the journey, visiting several observers during \ufb02ight, until the energy falls to 60 EeV. At observers, the events with E \u226560 EeV were recorded and analyzed. 3. Results 3.1. De\ufb02ection Angle In Paper I, we considered the de\ufb02ection angle, \u03b8, between the arrival direction of UHECR events and the sky position of their sources (see Figure 2). Obviously this angle can be calculated only when the true sources are known, which is not the case in experiments. In the simulated universe, our model AGNs and observers are located in strongly magnetized regions. As illustrated in Figure 1, UHECRs \ufb01rst have to escape from magnetic halos surrounding sources, then travel through more or less void regions (path 1) or through \ufb01laments (path 2), and \ufb01nally penetrate into magnetic halos around observers, to reach observers. So the degree of de\ufb02ection depends not only on the magnetic \ufb01eld along trajectories but also on the \ufb01elds at host clusters and groups of sources and observers. Since the gas temperature, the depth of gravitational potential well, and the magnetic \ufb01eld energy density are related as kTX \u221d\u03a6 \u221d\u03b5B in our model, hotter clusters and groups would have stronger \ufb01elds. So we expect that if sources and observers are located at hotter hosts, \u03b8 would be larger on average. Figure 3 shows \u03b8 versus D\u03b8 for UHE proton events recorded at observers in our simulations. Here, D\u03b8 denotes the distance to the actual sources of events. The top, middle, and bottom panels are for Models A, B, and C, respectively. Only the case of injection spectral index \u03b3 = 2.7 is presented. The case of \u03b3 = 2.4 is similar. Each dot represents one simulated event, and there are about 105 events in each Model. The upper circles connected with dotted lines represent the mean values of \u03b8 in the distance bins of [D\u03b8, D\u03b8 +\u2206D\u03b8]. The mean de\ufb02ection angle averaged over all the simulated events is \u27e8\u03b8\u27e9= 13.98\u25e6, 15.33\u25e6, and 17.76\u25e6for \u03b3 = 2.7 in Model A, Model B, and Model C, respectively. The lower circles connected with solid lines represent the median values of \u03b8. The median value for all the simulated events is \u02dc \u03b8 = 7.01\u25e6, 8.80\u25e6, and 10.45\u25e6for \u03b3 = 2.7 in Model A, Model B, and Model C, respectively. The values of \u27e8\u03b8\u27e9and \u02dc \u03b8 for \u03b3 = 2.4 are similar. The marks connected with vertical solid lines on the both sides of median values are the \ufb01rst and third quartiles in the distance bins, which provide a measure of the dispersion of \u03b8. We note the following points. (1) With our IGMF, the mean de\ufb02ection angle of UHE protons due to the IGMF is quite large, much larger than the angular window of 3.1\u25e6used \f\u2013 11 \u2013 in the Auger correlation study. It is also much larger than the mean de\ufb02ection angle that is expected to result from the Galactic magnetic \ufb01eld, which is a few degrees (Takami & Sato 2008). (2) The mean de\ufb02ection angle is largest in Model C and smallest in Model A. Recall that in Model C sources are located only at 28 hottest clusters, while in Model A all 500 clusters include sources (see Table 1). The UHECR events from hotter clusters tend to experience more de\ufb02ection, as noted above. So the mean of de\ufb02ection angles in the model with hotter host clusters is larger. (3) The mean value of \u03b8 has a minimum at D\u03b8,min \u223c20\u221230 Mpc, which compares to a typical length of \ufb01laments. As we pointed out in Paper I, this is a consequence of the structured magnetic \ufb01elds that are concentrated along \ufb01laments and at clusters. In an event with D\u03b8 < D\u03b8,min, the source and observer are more likely to belong to the same \ufb01lament, and so the particle is more likely to travel through strongly magnetized regions and su\ufb00er large de\ufb02ection (see the path 2 in Figure 1). In the opposite regime, the source and observer are likely to belong to di\ufb00erent \ufb01laments, so the particle would travel through void regions (see the path 1 in Figure 1). (4) For the events with D\u03b8 > D\u03b8,min, the mean and dispersion of \u03b8 increase with D\u03b8. Such trend is expected, since in the di\ufb00usive transport model of the propagation of UHECRs, the de\ufb02ection angle increases with distance as \u03b8rms \u221d\u221aD\u03b8 (see, e.g., Kotera & Lemoine 2009, and references therein). (5) There are more events from nearby sources than from distant sources, although all the sources inject the same number of UHECRs in our model. The smaller number of events for larger D\u03b8 should be mostly a consequence of energy loss due to the interaction with the CMB. 3.2. Separation Angles In this study, we also consider the separation angle, S, between the arrival direction of UHECR events and the sky position of nearest reference objects (see Figure 2). The angle can be calculated with observation data, once a class of reference objects (e.g. AGNs, galaxies gamma-ray bursts, and etc.) is speci\ufb01ed. For example, The Pierre Auger Collaboration (2007) took the AGNs within 75 Mpc in the VCV catalog as the reference objects for their correlation study. However, for a given UHECR event, the nearest AGN in the sky may not be the actual source; hence, the separation angle between a UHECR event and its nearest AGN is not necessarily the same as the de\ufb02ection angle of the event (Hillas 2009; Ryu et al. 2009). We obtained S for simulated events with our model reference objects (AGNs). Figure 4 shows S versus DS. Here, DS denotes the distance to nearest AGNs. Again only the case of \u03b3 = 2.7 is presented, and the case of \u03b3 = 2.4 is similar (see Figure 5). The circles connected with solid line represent the mean values of S for the events with nearest AGNs \f\u2013 12 \u2013 in the distance bins of [DS, DS + \u2206DS]. The mean separation angle averaged over all the simulated events is \u27e8Ssim\u27e9= 3.58\u25e6, 3.97\u25e6, and 4.23\u25e6for \u03b3 = 2.7 in Models A, B, and C, respectively. We note the following points. (1) The mean separation angle is much smaller than the mean de\ufb02ection angle, \u27e8Ssim\u27e9\u223c(1/4)\u27e8\u03b8\u27e9(see the next section for further discussion). (2) The mean separation angle is largest in Model C and smallest in Model A, although the di\ufb00erence of \u27e8Ssim\u27e9among the models is less than that of \u27e8\u03b8\u27e9. With larger de\ufb02ection angles in Model C, there is a higher probability for a event to be found further away from the region where model AGNs are clustered, so S is on average larger as well. (3) Similarly as in the \u03b8 versus D\u03b8 distribution, the distribution of \u27e8Ssim\u27e9has the minimum at around DS \u223c35 Mpc. This is again a signature of the \ufb01lamentary structures of the LSS. (4) Contrary to D\u03b8, there are more events with larger DS than with smaller DS. It is simply because there are more AGNs with larger DS. 3.3. Comparison with the Auger Data We also obtained S for the 27 Auger events of highest energies, published in Abraham et al. (2008a), with 442 nearby AGNs from the VC catalog. In Figure 5, we compare the S versus Ds distribution for the Auger data with that of our simulations. The upper circles connected with dashed/dot-dashed lines represent the mean values of Ssim of simulated events as in Figure 4, but this time both cases of \u03b3 = 2.7 and 2.4 are presented. The lower circles connected with solid/dotted lines represent the median values of Ssim. The di\ufb00erence between the cases of \u03b3 = 2.7 and 2.4 is indeed small. The median value of Ssim for all the simulated events is \u02dc Ssim = 2.80\u25e6, 3.19\u25e6, and 3.43\u25e6for \u03b3 = 2.7 in Models A, B, and C, respectively. Asterisks denote the Auger events. The mean separation angle for the Auger events is \u27e8SAuger\u27e9= 3.23\u25e6 for 26 events, excluding one event with large S (\u224827\u25e6), while \u27e8SAuger\u27e9= 4.13\u25e6for all the 27 events. We note that \u27e8SAuger\u27e9\u223c\u27e8Ssim\u27e9, even though the mean de\ufb02ection angle is much larger than the mean separation angle in our simulations, that is, \u27e8\u03b8\u27e9\u226b\u27e8Ssim\u27e9. In all the models, about a half of the Auger events lie within the quartile marks: 15, 13, and 13 events for Models A, B, and C, respectively. With \u27e8\u03b8\u27e9\u223c15\u25e6in our simulations, one might naively expect that such large de\ufb02ection would erase the anisotropy in the arrival direction and the correlation between UHECR events and AGNs (or the LSS of the universe). However, we argue that the large de\ufb02ection does not necessarily lead to the general isotropy of UHECR arrival direction, if the agent of de\ufb02ection, the IGMF, traces the local LSS. Suppose that UHECRs are ejected from sources inside the Local Supercluster. Some of them will \ufb02y along the Supergalactic plane and arrive \f\u2013 13 \u2013 at the Earth; their trajectories would be de\ufb02ected by the magnetic \ufb01eld between sources and us, but the arrival directions still point toward the Supergalactic plane. Others may be de\ufb02ected into void regions, and then they will have less chance to get re\ufb02ected back to the direction toward us due to lack of the turbulent IGMF there. In a simpli\ufb01ed picture, we may regard the irregularities in the IGMF as the \u2018scatters\u2019 of UHECRs; then the last scattering point will be the arrival direction of UHECRs (see Kotera & Lemoine 2009, for a description of de\ufb02ection of UHECRs based on this picture). As a result, even with large de\ufb02ection, we still see more UHECRs from the LSS of clusters, groups, and \ufb01laments, and fewer UHECRs from void regions where both sources and scatters are underpopulated. Consequently, the anisotropy in the arrival direction of UHECRs can be maintained and the arrival direction still follows the LSS of the universe. Below the GZK energy, the proton horizon reaches out to a few Gpc, so the source distribution should look more or less isotropic and the arrival directions should not show a correlation with nearby AGNs. Thus, we do not expect to see anisotropy and correlation for UHECRs with such energy. In Section 2.4, we showed that the degree of clustering of our model AGNs is similar to that of AGNs from the VCV catalog; the mean of the angular distance Q between a given AGN to its nearest neighboring AGN is similar, \u27e8QAGN\u27e9\u223c\u27e8QVCV\u27e9. In both cases, AGNs follow the matter distribution in the LSS, highly structured and clustered. We point that if along with the reference objects, the CR sources and the IGMF also follow the matter distribution, with \u27e8\u03b8\u27e9\u226b\u27e8S\u27e9, \u27e8S\u27e9\u223c\u27e8Q\u27e9is expected. The result that \u27e8SAuger\u27e9\u223c\u27e8Ssim\u27e9 \u223c\u27e8QAGN\u27e9\u223c\u27e8QVCV\u27e9is indeed consistent with such expectation. This means, however, that the statistics of S re\ufb02ect mainly on the distribution of reference objects, rather than the de\ufb02ection angle. To further compare the Auger data with our simulations, we plot the cumulative fraction of events, F(\u2264log S), versus log S for the simulated events (lines) and the Auger events (open circles) in Figure 6. The solid and dotted lines are for the cases of \u03b3 = 2.7 and 2.4, respectively, and the di\ufb00erence between the two cases is again small. The KolmogorovSmirnov (K-S) test yields the maximum di\ufb00erence of D = 0.17, 0.23, and 0.26 between the Auger data and the simulation data (\u03b3 = 2.7) in Models A, B, and C, respectively; the signi\ufb01cance level of the null hypothesis that the two distributions are statistically identical is P \u223c0.37, 0.09, and 0.04 for Models A, B, and C, respectively. So the null hypothesis that the two distributions for our simulated events and the Auger events are statistically identical cannot be rejected, especially for Model A. This would be a justi\ufb01cation for our models of the IGMF, sources of UHECRs, and reference objects. Also we see that Model A with more sources is preferred over Models B and C with fewer sources. But this does not \f\u2013 14 \u2013 necessary mean that all the AGNs would be the actual sources of UHECRs. We note that the number of the Auger events used, 27, is still limited. In addition, we consider only UHE protons in this paper. Hence, before we argue the above statements for sure, we will need more observational events and need to know the composition of UHECRs (see Summary and Discussion for further discussion on composition). 3.4. Probability of Finding True Sources With \u27e8\u03b8\u27e9\u226b\u27e8Ssim\u27e9, there is a good chance that the AGNs found closest to the direction of UHECRs are not the actual sources of UHECRs. To illustrate this point, we \ufb01rst show the distribution of DS versus D\u03b8 in Figure 7. For some events, the closest AGNs are the actual sources. They are represented by the diagonal line. Around the diagonal line, a noticeable fraction of events are found. Those are the events for which the closest AGNs are found around the true sources; both sources and close-by AGNs are clustered as a part of the LSS of the universe. For the events away from the diagonal line, it is more likely that DS > D\u03b8. It is because there are more AGNs with larger DS; away from true sources, observed events are more likely to pick up closest AGNs with larger DS. To quantify the consequence of \u27e8\u03b8\u27e9\u226b\u27e8Ssim\u27e9, we calculated the fraction of true identi\ufb01cation, f, as the ratio of the number of events for which nearest AGNs are their true sources to the total number of simulated events. This is a measure of the probability to \ufb01nd the true sources of UHECRs, when nearest candidates are blindly chosen (which is the best we can do with observed data). In Figure 8, we show the fraction as a function of separation angle, S. The fraction is largest in Model A with largest Nsrc, and smallest in Model C with smallest Nsrc. At S \u223c2\u25e6the fraction is about 50 % for Model A, close to 40 % for Model B, and a little above 30 % for Model C, but only 20 \u221230 % at S = 3\u25e6\u22124\u25e6. As the separation angle increases, the fraction decreases gradually to \u223c10 %, indicating lower probabilities to \ufb01nd true sources at larger separation angles. On average, we should expect that in less than 1 out of 3 events, the true sources of UHECRs can be identi\ufb01ed, if our model for the IGMF is valid and UHECRs are protons. 4. Summary and Discussion In the search for the nature and origin of UHECRs, understanding the propagation of charged particles through the magnetized LSS of the universe is important. At present, the details of the IGMF are still uncertain, mainly due to limited available information from \f\u2013 15 \u2013 observation. Here, we adopted a realistic model universe that was described by simulations of cosmological structure formation; our simulated universe represents the LSS, which is dominated by the cosmic web of \ufb01laments interconnecting clusters and groups. The distribution of the IGMF in the LSS of the universe was obtained with a physically motivated model based on turbulence dynamo (Ryu et al. 2008). To investigate the e\ufb00ects of the IGMF on the arrival direction of UHECRs, we further adopted the following models. Virtual observers of about 1400 were placed at groups of galaxies, which represent statistically the Local Group in the simulated model universe. Then, we set up a set of about 500 AGN-like \u201creference objects\u201d within 75 Mpc from each observer, at clusters of galaxies (deep gravitational potential wells) along the LSS. They represent a class of astronomical objects with which we performed a correlation analysis for simulated UHECR events. We considered three models, in which subsets of the reference objects were selected as AGN-like sources of UHECRs (see Table 1). UHE protons of E \u226560 EeV with power-low energy spectrum were injected at those sources, and the trajectories of UHE protons in the magnetized cosmic web were followed. At observer locations, the events with E \u226560 EeV from sources within a sphere of radius 75 Mpc were recorded and analyzed. To characterize the clustering of the reference objects, we calculated the angular distance, Q, from a given reference object to its nearest neighbor. The mean value for our model AGNs in the simulated universe is \u27e8QAGN\u27e9= 3.68\u25e6\u00b1 1.66\u25e6, while that for 442 AGNs from the VCV catalog is \u27e8QVCV\u27e9= 3.55\u25e6. This demonstrates that the two samples have a similar degree of clustering and are highly structured (e.g. \u27e8Qiso\u27e9\u224811\u25e6for the isotropic distribution). With our model IGMF, the de\ufb02ection angle, \u03b8, between the arrival direction of UHE protons and the sky position of their actual sources, is quite large with the mean \u27e8\u03b8\u27e9\u223c14 \u2212 17.5\u25e6and the median \u02dc \u03b8 \u223c7\u221210\u25e6, depending on models with di\ufb00erent numbers of sources (see Table 1). On the other hand, the separation angle between the arrival direction and the sky position of nearest reference objects is substantially smaller with the mean \u27e8Ssim\u27e9\u223c3.5 \u22124\u25e6 and the median \u02dc Ssim = 2.8 \u22123.5\u25e6. That is, we found that while \u27e8\u03b8\u27e9\u223c4\u27e8Ssim\u27e9, \u27e8Ssim\u27e9is similar to \u27e8QAGN\u27e9. For the Auger events of highest energies in Abraham et al. (2008a), with 442 nearby AGNs from the VCV catalog as the reference objects, the mean separation angle is \u27e8SAuger\u27e9= 3.23\u25e6for the 26 events, excluding one event with large S (\u224827\u25e6), while \u27e8SAuger\u27e9= 4.13\u25e6for all the 27 events. Hence, \u27e8SAuger\u27e9\u223c\u27e8QVCV\u27e9\u223c\u27e8Ssim\u27e9\u223c\u27e8QAGN\u27e9. This implies that the separation angle from the Auger data would be determined primarily by the distribution of reference objects (AGNs), and may not represent the true de\ufb02ection angle. We further tested whether the distributions of separation angle, S, for our simulated events and for the Auger events are statistically comparable to each other. According the \f\u2013 16 \u2013 Kolmogorov-Smirnov test for the cumulative fraction of events, F(\u2264log S), versus log S, the signi\ufb01cance level of the null hypothesis that the two distributions are drawn from the identical population is as large as P \u223c0.37 for Model A (see Table 1). Thus, we argued that our simulation data, especially in Model A, are in a fair agreement with the Auger data. This test also showed that the model with more sources (Model A) is preferred over the models with fewer sources (Models B and C). The fact that \u27e8\u03b8\u27e9\u226b\u27e8Ssim\u27e9implies that the AGNs found closest to the direction of UHECRs may not be the true sources of UHECRs. We estimated the probability of \ufb01nding the true sources of UHECRs, when nearest reference objects are blindly chosen: f(S) is the ratio of the number of true source identi\ufb01cations to the total number of simulated events. This probability is \u223c50\u221230 % at S \u223c2\u25e6, but decreases to \u223c10 % at larger separation angle. On average, in less than 1 out of 3 events, the true sources of UHECRs can be identi\ufb01ed in our simulations, when nearest reference objects are chosen. The distribution of \u03b8 versus D\u03b8 shows a bimodal pattern in which \u03b8 is on average larger either for nearby sources (for D\u03b8 \u227215 Mpc) or for distant sources (for D\u03b8 \u227330 Mpc) with the minimum at the intermediate distance of D\u03b8,min \u223c20 \u221230 Mpc. The distribution of S versus Ds shows a similar, but weaker sign of the bimodal pattern. This behavior is a characteristic signature of the magnetized cosmic web of the universe, where \ufb01laments are the most dominant structure. When a large number of super-GZK events are accumulated, we may \ufb01nd the signature of the cosmic web of \ufb01laments in the S versus Ds distribution. Finally, we address the limitations of our work. (1) We worked in a simulated universe with speci\ufb01c models for the elements such as the IGMF, observers, sources, and reference objects, but not in the real universe. So we could make only statistical statements. (2) It has been shown previously that adopting di\ufb00erent models for the IGMF, very di\ufb00erent de\ufb02ection angles are obtained (see Sigl et al. 2003; Dolag et al. 2005; Das et al. 2008). We argue that our model for the IGMF is most plausible, since it is a physically motivated model based on turbulence dynamo without involving an arbitrary normalization (Ryu et al. 2008). Nevertheless, our IGMF model should be con\ufb01rmed further by observation. (3) The sources of UHECRs may not be objects like AGNs, but could be objects extinguished a while ago, such as gamma-ray bursts (see, e.g., Vietri 1995; Waxman 1995), or sources spread over space like cosmological shocks (see, e.g., Kang et. al. 1996; Kang et al. 1997). The injection energy spectrum of power-law with cut-o\ufb00at an arbitrary maximum energy (see Section 2.6) would be unrealistic. The IGMF in the Local Group (see Paper I), although currently little is known, might be strong enough to substantially de\ufb02ect the trajectories of UHECRs. All of those will have e\ufb00ects on the quantitative results, which should be investigated further. (4) Recently, the Auger collaboration disclosed the analysis, which suggests a substantial fraction \f\u2013 17 \u2013 of highest energy UHECRs might be iron nuclei (Unger et al. 2007; Wahberg et al. 2009). This is in contradiction with the analysis of the HiRes data, which indicates highest energy UHECRs would be mostly protons (Sokolsky & Thomson 2007). The issue of composition still needs to be settled down among experiments. Iron nuclei, on the way from sources to us, su\ufb00er much larger de\ufb02ection than protons. Hence, if a substantial fraction of UHECRs is iron, some of our \ufb01ndings will change, a question which should be investigated in the future. The authors would like to thank P. L. Biermann for stimulating discussion. The work was supported by the Korea Research Foundation (KRF-2007-341-C00020) and the Korea Foundation for International Cooperation of Science and Technology (K2070202001607E0200-01610)."
+ },
+ {
+ "url": "http://arxiv.org/abs/0806.2179v1",
+ "title": "Shock Waves in the Large-Scale Structure of the Universe",
+ "abstract": "Cosmological shock waves are induced during hierarchical formation of\nlarge-scale structure in the universe. Like most astrophysical shocks, they are\ncollisionless, since they form in the tenuous intergalactic medium through\nelectromagnetic viscosities. The gravitational energy released during structure\nformation is transferred by these shocks to the intergalactic gas as heat,\ncosmic-rays, turbulence, and magnetic fields. Here we briefly describe the\nproperties and consequences of the shock waves in the context of the\nlarge-scale structure of the universe.",
+ "authors": "Dongsu Ryu, Hyesung Kang",
+ "published": "2008-06-13",
+ "updated": "2008-06-13",
+ "primary_cat": "astro-ph",
+ "cats": [
+ "astro-ph"
+ ],
+ "main_content": "Introduction Shock waves are ubiquitous in astrophysical environments; from solar winds to the largest scale of the universe (Ryu et al. 2003). In the current paradigm of the cold dark matter (CDM) cosmology, the largescale structure of the universe forms through hierarchical clustering of matter. Deepening of gravitational potential wells causes gas to move supersonically. Cosmological shocks form when the gas accretes onto clusters, \ufb01laments, and sheets, or as a consequence of the chaotic Dongsu Ryu Department of Astronomy and Space Science, Chungnam National University, Daejeon 305-764, Korea email: ryu@canopus.cnu.ac.kr Hyesung Kang Department of Earth Sciences, Pusan National University, Pusan 609-735, Korea email: kang@uju.es.pusan.ac.kr \ufb02ow motions of the gas inside the nonlinear structures. The gravitational energy released during the formation of large-scale structure in the universe is transferred by these shocks to the intergalactic medium (IGM). Cosmological shocks are collisionless shocks which form in a tenuous plasma via collective electromagnetic interactions between baryonic particles and electromagnetic \ufb01elds (Quest 1988). They play key roles in governing the nature of the IGM through the following processes: in addition to the entropy generation, cosmicrays (CRs) are produced via di\ufb00usive shock acceleration (DSA) (Bell 1978; Blandford and Ostriker 1978), magnetic \ufb01elds are generated via the Biermann battery mechanism (Kulsrud et al. 1997) and Weibel instability (Medvedev et al. 2006) and also ampli\ufb01ed by streaming CRs (Bell 2004), and vorticity is generated at curved shocks (Binney 1974). Cosmological shocks in the intergalactic space have been studied in details using various hydrodynamic simulations for the cold dark matter cosmology with cosmological constant (\u039bCDM) (Ryu et al. 2003; Pfrommer et al. 2006; Kang et al. 2008). In this contribution, we describe the properties of cosmological shocks and their implications for the intergalactic plasma from a simulation using a PM/Eulerian hydrodynamic cosmology code (Ryu et al. 1993) with the following parameters: \u2126BM = 0.043, \u2126DM = 0.227, and \u2126\u039b = 0.73, h \u2261H0/(100 km/s/Mpc) = 0.7, and \u03c38 = 0.8. A cubic region of comoving size 100 h\u22121 Mpc was simulated with 10243 grid zones for gas and gravity and 5123 particles for dark matter, allowing a uniform spatial resolution of \u2206l = 97.7h\u22121 kpc. The simulation is adiabatic in the sense that it does not include radiative cooling, galaxy/star formation, feedbacks from galaxies/stars, and reionization of the IGM. A temperature \ufb02oor was set to be the temperature of cosmic background radiation. \f2 Fig. 1 Two-dimensional images showing x-ray emissivity (top left), locations of shocks with color-coded shock speed Vs (top right), perpendicular component of vorticity (bottom left), and magnitude of vorticity (bottom right) in the region of (25 h\u22121Mpc)2 around a galaxy cluster at present (z = 0). Color codes Vs from 15 (green) to 1,800 km s\u22121 (red). 2 Properties of Cosmological Shocks As a post-processing step, shocks in the simulated volume are identi\ufb01ed by a set of criteria based on the shock jump conditions. Then the locations and properties of the shocks such as shock speed (Vs), Mach number (M), and kinetic energy \ufb02ux (fkin) are calculated. In the top panels of Figure 1, we compare the locations of cosmological shocks with the x-ray emissivity in the region around a cluster of galaxies, both of which are calculated from the simulation data at redshift z = 0. External shocks encompass this complex nonlinear structure and de\ufb01ne the outermost boundaries up to \u223c10 h\u22121 Mpc from the cluster core, far beyond the region observable with x-ray of size \u223c1 h\u22121 Mpc. Internal shocks are found within the region bounded by external shocks. External shocks have high Mach numbers of up to M \u223c103 due to the low temperature of the accreting gas in the void region. Internal shocks, on the other hand, have mainly low Mach numbers of M \u22723, because the gas inside nonlinear structures has been previously heated by shocks and so has high temperature. The frequency of cosmological shocks in the simulated volume is represented by the quantity S, the area of shock surfaces per unit comoving volume, in other words, the reciprocal of the mean comoving distance between shock surfaces. In the top left panel of Figure 2, we show S(Vs) per unit logarithmic shock speed interval at z = 0. We note that the frequency of low speed \fShock Waves in the Large-Scale Structure of the Universe 3 Fig. 2 (Top left) Reciprocal of the mean comoving distance between shock surfaces at z = 0 in units of 1/(h\u22121Mpc). (Top right) Kinetic energy \ufb02ux passing through shock surfaces per unit comoving volume at z = 0 in units of 1040 ergs s\u22121 (h\u22121Mpc)\u22123. (Bottom left) Thermal energy dissipated (dotted line) and CR energy generated (solid line) at shock surfaces, integrated from z = 5 to 0. (Bottom right) Cumulative energy distributions. The energies in the bottom panels are normalized to the total thermal energy at z = 0. All quantities are plotted as a function of shock speed Vs. shocks with Vs < 15 km s\u22121 is overestimated here, since the temperature of the intergalactic medium is unrealistically low in the adiabatic simulation without the cosmological reionization process. Although shocks with Vs \u223ca few \u00d7 10 km s\u22121 are most common, those with speed up to several \u00d7103 km s\u22121 are present at z = 0. The mean comoving distance between shock surfaces is 1/S \u223c3 h\u22121Mpc when averaged over the entire universe, while it is \u223c1 h\u22121Mpc inside the nonlinear structures of clusters, \ufb01laments, and sheets. In order to evaluate the energetics of cosmological shocks, the incident shock kinetic energy \ufb02ux, fkin = (1/2)\u03c11V 3 s , is calculated. Here \u03c11 is the preshock gas density. Then the average kinetic energy \ufb02ux through shock surfaces per unit comoving volume, F, is calculated. The top right panel of Figure 2 shows F(Vs) per unit logarithmic shock speed interval. Energetically the shocks with Vs > 103 km s\u22121, which form in the deepest gravitation potential wells in and around clusters of galaxies, are most important. Those responsible for most of shock energetics are the internal shocks with relatively low Mach number of M \u223c2 \u22124 in the hot IGM, because they form in the high-density gas inside nonlinear structures. On the other hand, external Fig. 3 Gas thermalization e\ufb03ciency, \u03b4(M), and CR acceleration e\ufb03ciency, \u03b7(M), as a function of Mach number. Symbols are the values estimated from numerical simulations based on a DSA model and dotted and dashed lines are the \ufb01ts. Solid line is for the gas thermalization e\ufb03ciency for shocks without CRs. shocks typically form in accretion \ufb02ows with the lowdensity gas in voids, so the amount of the kinetic energy passed through the external shocks is rather small. 3 Energy Dissipation at Cosmological Shocks In addition to the gas entropy generation, the acceleration of CRs is an integral part of collisionless shocks, in which electromagnetic interactions between plasma and magnetic \ufb01elds provide the necessary viscosities. Suprathermal particles are extracted from the shock-heated thermal particle distribution (Malkov and Drury 2001). With 10\u22124 \u221210\u22123 of the particle \ufb02ux passing through the shocks injected into the CR population, up to \u223c60% of the kinetic energy of strong quasi-parallel shocks can be converted into CR ions and the nonlinear feedback to the underlying \ufb02ow can be substantial (Kang and Jones 2005). At perpendicular shocks, however, the CR injection and acceleration are expected to be much less e\ufb03cient, compared to parallel shocks, since the transport of low energy particles normal to the average \ufb01eld direction is suppressed. So the CR acceleration depends sensitively on the mean magnetic \ufb01eld orientation. Time-dependent simulations of DSA at quasi-parallel shocks with a thermal leakage injection model and a Bohm-type di\ufb00usion coe\ufb03cient have shown that the evolution of CR modi\ufb01ed shocks becomes self-similar, after the particles are accelerated to relativistic energies and the precursor compression reaches a timeasymptotic state (Kang and Jones 2005, 2007). The self-similar evolution of CR modi\ufb01ed shocks depends somewhat weakly on the details of various particle-wave interactions, but it is mainly determined by the shock Mach number. Based on this self-similar evolution, we can estimate the gas thermalization e\ufb03ciency, \u03b4(M), and the CR acceleration e\ufb03ciency, \u03b7(M), as a function \f4 shock Mach number, which represent the fractions of the shock kinetic energy transferred into the thermal and CR energies, respectively. Figure 3 shows the results of such DSA simulations (Kang et al. 2008). From the \ufb01gure, we expect that at weak shocks with M \u22723 the energy transfer to CRs should be \u227210 % of the shock kinetic energy at each shock passage, whereas at strong shocks with M \u22733 the transfer is very e\ufb03cient and the \ufb02ow should be signi\ufb01cantly modi\ufb01ed by the CR pressure. Adopting the e\ufb03ciencies shown in Figure 3, the thermal and CR energy \ufb02uxes dissipated at each cosmological shock can be estimated as \u03b4(M)fkin and \u03b7(M)fkin, respectively. Then the total energies dissipated through the surfaces of cosmological shocks during the largescale structure formation of the universe can be calculated (Ryu et al. 2003; Kang et al. 2008). The bottom panels of Figure 2 show the thermal and CR energies, integrated from from z = 5 to 0, normalized to the total gas thermal energy at z = 0, as a function of shock speed. Here we assume CRs are freshly injected at shocks without a pre-existing population. The shocks with Vs > 103 km s\u22121 are most responsible for the shock dissipation into heat and CRs. The \ufb01gure shows that the shock dissipation can count most of the gas thermal energy in the IGM (Kang et al. 2005). The ratio of the total CR energy, YCR(> Vs,min), to the total gas thermal energy, Yth(> Vs,min), dissipated at cosmological shocks throughout the history of the universe is about 0.4 (where Vs,min is the minimum shock speed), giving a rough estimate for the energy density of CR protons relative to that of thermal gas in the IGM as \u03b5CRp \u223c0.4\u03b5therm. Because of uncertainties in the DSA model such as the \ufb01eld obliquity and the injection e\ufb03ciency, however, it is not meant to be an accurate estimate of the CR energy in the IGM. Yet the results imply that the IGM could contain a dynamically signi\ufb01cant CR population. 4 Turbulence Induced by Cosmological Shocks Vorticity can be generated in the IGM either directly at curved cosmological shocks or by the baroclinity of \ufb02ow. The baroclinity is resulted mostly from the entropy variation induced at cosmological shocks. Therefore, the baroclinic vorticity generation also can be attributed to the presence of cosmological shocks. A quantitative estimation of the vorticity in the IGM was made using the data of the simulation described in \u00a71 (Ryu et al. 2008). The bottom panels of Figure 1 show the distribution of the vorticity around a cluster complex. The distribution closely matches that of shocks, as expected. Fig. 4 Volume fraction with given temperature and vorticity magnitude (top left), with given gas density and vorticity magnitude (top right), with given temperature and magnetic \ufb01eld strength (bottom left), and with given gas density and magnetic \ufb01eld strength (bottom right) at present (z = 0). Here, tage is the present age of the universe. The top panels of Figure 4 show the magnitude of the vorticity in the simulated volume as a function of gas temperature and density. Here the vorticity magnitude is given in units of the reciprocal of the age of the universe, 1/tage. There is a clear trend that the vorticity is larger in hotter and denser regions. At the present epoch, the rms vorticity is \u03c9rmstage \u223c10 to 30 in the regions associated with clusters/groups of galaxies (T > 107 K) and \ufb01laments (105 < T < 107 K), whereas it is on the order of unity in sheetlike structures with 104 < T < 105 K and even smaller in voids with T < 104 K. With teddy = 1/\u03c9 interpreted as the local eddy turnover time, \u03c9 \u00d7 tage represents the number of eddy turnovers of vorticity in the age of the universe. It takes a few turnovers for vorticity to decay into smaller eddies and develop into turbulence. So with \u03c9rmstage \u223c 10 \u221230, the \ufb02ows in clusters/groups and \ufb01laments is likely to be in the state of turbulence. On the other hand, with \u03c9rmstage \u22721 the \ufb02ow in sheetlike structures and voids is expected to be mostly non-turbulent. In order to estimate the energy associated with the turbulence in the IGM, the curl component of \ufb02ow motions, \u20d7 vcurl, which satis\ufb01es the relation \u20d7 \u2207\u00d7 \u20d7 vcurl \u2261 \u20d7 \u2207\u00d7 \u20d7 v, is extracted from the velocity \ufb01eld. As vorticity cascades and develops into turbulence, the energy (1/2)\u03c1v2 curl is transferred to turbulent motions, \fShock Waves in the Large-Scale Structure of the Universe 5 so it can be regarded as the turbulence energy, \u03b5turb. As shown in Ryu et al. (2008), \u03b5turb < \u03b5therm in clusters/groups. In particular, the mass-averaged value is \u27e8\u03b5turb/\u03b5therm\u27e9mass = 0.1 \u22120.3 in the intracluster medium (ICM), which is in good agreement with the observationally inferred values in cluster core regions (Schuecker et al. 2004). In \ufb01laments and sheets, this ratio is estimated to be 0.5 \u2272\u27e8\u03b5turb/\u03b5therm\u27e9\u22722 and it increases with decreasing temperature. 5 Intergalactic Magnetic Field How have the intergalactic magnetic \ufb01elds (IGMFs) arisen? The general consensus is that there was no viable mechanism to produce strong, coherent magnetic \ufb01elds in the IGM prior to the formation of large-scale structure and galaxies (Kulsrud and Zweibel 2008). However, it is reasonable to assume that weak seed \ufb01elds were created in the early universe. A number of mechanisms, including the Biermann battery mechanism (Kulsrud et al. 1997) and Weibel instability (Medvedev et al. 2006) working at early cosmological shocks, have been suggested (Kulsrud and Zweibel 2008). The turbulence described in \u00a74 then can amplify the seed \ufb01elds in the IGM through the stretching of \ufb01eld lines, a process known as the turbulence dynamo. In this scenario the evolution of the IGMFs should go through three stages: (i) the initial exponential growth stage, when the back-reaction of magnetic \ufb01elds is negligible; (ii) the linear growth stage, when the back-reaction starts to operate; and (iii) the \ufb01nal saturation stage (Cho and Vishniac 2000; Cho et al. 2008). In order to estimate the strength of the IGMFs resulted from the dynamo action of turbulence in the IGM, we model the growth and saturation of magnetic energy as: \u03b5B \u03b5turb = \uf8f1 \uf8f2 \uf8f3 0.04 \u00d7 exp [(t\u2032 \u22124)/0.36] for t\u2032 < 4, (0.36/41) \u00d7 (t\u2032 \u22124) + 0.04 for 4 < t\u2032 < 45, 0.4 for t\u2032 > 45, based on a simulation of incompressible magnetohydrodynamic turbulence (Ryu et al. 2008; Cho et al. 2008). Here t\u2032 = t/teddy is the number of eddy turnovers. This provides a functional \ufb01t for the fraction of the turbulence energy, \u03b5turb, transfered to the magnetic energy, \u03b5B, as a result of the turbulence dynamo. The above formula is convoluted to the data of the simulation described in \u00a71, setting t\u2032 \u2261\u03c9\u00d7tage, and the strength of the IGMFs is calculated as B = (8\u03c0\u03b5B)1/2. The resulting magnetic \ufb01eld strength is presented in the bottom panels of Figure 4. On average the IGMFs are stronger in hotter and denser regions. The strength of the IGMFs is B \u22731\u00b5G inside clusters/groups (the mass-averaged value for T > 107 K), \u223c0.1\u00b5G around clusters/groups (the volume-averaged value for T > 107 K), and \u223c10 nG in \ufb01laments (with 105 < T < 107 K) at present. The IGMFs should be much weaker in sheetlike structures and voids. But as noted above, turbulence has not developed fully in such low density regions, so our model is not adequate to predict the \ufb01eld strength there. We note that in addition to the turbulence dynamo, other processes such as galactic winds driven by supernova explosions and jets from active galactic nuclei can further strengthen the magnetic \ufb01elds to the IGM (for references, see Ryu et al. 2008) 6"
+ }
+ ],
+ "Hyesung Kang": [
+ {
+ "url": "http://arxiv.org/abs/1901.04173v2",
+ "title": "Electron Preacceleration in Weak Quasi-perpendicular Shocks in High-beta Intracluster Medium",
+ "abstract": "Giant radio relics in the outskirts of galaxy clusters are known to be lit up\nby the relativistic electrons produced via diffusive shock acceleration (DSA)\nin shocks with low sonic Mach numbers, $M_{\\rm s}\\lesssim3$. The particle\nacceleration at these collisionless shocks critically depends on the kinetic\nplasma processes that govern the injection to DSA. Here, we study the\npreacceleration of suprathermal electrons in weak, quasi-perpendicular\n($Q_\\perp$) shocks in the hot, high-$\\beta$ ($\\beta = P_{\\rm gas}/P_{\\rm B}$)\nintracluster medium (ICM) through two-dimensional particle-in-cell simulations.\n\\citet{guo2014a,guo2014b} showed that in high-$\\beta$ $Q_\\perp$-shocks, some of\nincoming electrons could be reflected upstream and gain energy via shock drift\nacceleration (SDA). The temperature anisotropy due to the SDA-energized\nelectrons then induces the electron firehose instability (EFI), and oblique\nwaves are generated, leading to a Fermi-like process and multiple cycles of SDA\nin the preshock region. We find that such electron preacceleration is effective\nonly in shocks above a critical Mach number $M_{\\rm ef}^*\\approx2.3$. This\nmeans that in ICM plasmas, $Q_\\perp$-shocks with $M_{\\rm s}\\lesssim2.3$ may not\nefficiently accelerate electrons. We also find that even in $Q_\\perp$-shocks\nwith $M_{\\rm s}\\gtrsim2.3$, electrons may not reach high enough energies to be\ninjected to the full Fermi-I process of DSA, because long-wavelength waves are\nnot developed via the EFI alone. Our results indicate that additional electron\npreaccelerations are required for DSA in ICM shocks, and the presence of fossil\nrelativistic electrons in the shock upstream region may be necessary to explain\nobserved radio relics.",
+ "authors": "Hyesung Kang, Dongsu Ryu, Ji-Hoon Ha",
+ "published": "2019-01-14",
+ "updated": "2019-03-16",
+ "primary_cat": "astro-ph.HE",
+ "cats": [
+ "astro-ph.HE"
+ ],
+ "main_content": "INTRODUCTION Weak shocks with low sonic Mach numbers, Ms \u22723, form in the hot intracluster medium (ICM) during major merges of galaxy clusters (e.g., Gabici & Blasi 2003; Ryu et al. 2003; Ha et al. 2018a). Radiative signatures of those merger shocks have been detected in X-ray and radio observations (e.g., Markevitch & Vikhlinin 2007; van Weeren et al. 2010; Bruggen et al. 2012; Brunetti & Jones 2014). In the case of the so-called radio relics, the radio emission has been interpreted as the synchrotron radiation from the relativistic electrons accelerated via di\ufb00usive shock acceleration (DSA) in the shocks. Hence, the sonic Mach numbers of relic shocks, Mradio (radio Corresponding author: Hyesung Kang hskang@pusan.ac.kr Mach number), have been inferred from the radio spectral index (e.g., van Weeren et al. 2010, 2016), based on the DSA test-particle power-law energy spectrum (e.g., Bell 1978; Blandford & Ostriker 1978; Drury 1983). In X-ray observations, the sonic Mach numbers, MX (X-ray Mach number), have been estimated for merger-driven shocks, using the discontinuities in temperature or surface brightness (e.g., Markevitch et al. 2002; Markevitch & Vikhlinin 2007). While Mradio and MX are expected to match, Mradio has been estimated to be larger than MX in some radio relics (e.g., Akamatsu & Kawahara 2013). In the case of the Toothbrush radio relic in merging cluster 1RXS J060303.3, for instance, van Weeren et al. (2016) estimated that Mradio \u22482.8 while MX \u22481.2\u22121.5. In the socalled reaccelertion model, weak shocks with \u223cMX are presumed to sweep through fossil electrons with powerarXiv:1901.04173v2 [astro-ph.HE] 16 Mar 2019 \f2 Kang et al. law energy spectrum, Nfossil \u221d\u03b3\u2212p (\u03b3 is the Lorentz factor), and then the radio spectra with observed spectral indices, \u03b1sh = (p \u22121)/2, are supposed to be generated (e.g., Kang 2016a,b). This model may explain the discrepancy between Mradio and MX in some cases. However, it may not be realistic to assume the presence of fossil electrons with \ufb02at power-law spectra up to \u03b3 \u223c104 over length scales of 400 \u2212500 kpc, since such high-energy electrons cool with time scales of \u223c100 Myr (Kang et al. 2017). On the other hand, with mock Xray and radio observations of radio relics using simulated clusters, Hong et al. (2015) argued that the surfaces of merger shocks are highly inhomogeneous in terms of Ms (see, also Ha et al. 2018a), and X-ray observations preferentially pick up the parts with lower Ms (higher shock energy \ufb02ux), while radio emissions manifest the parts with higher Ms (higher electron acceleration). As a result, MX could be be smaller than Mradio. However, the true origins of this discrepancy have yet to be understood. For the full description of radio relics, hence, it is necessary to \ufb01rst understand shocks in the ICM. They are collisionless shocks, as in other astrophysical environments (e.g., Brunetti & Jones 2014). The physics of collisionless shocks involves complex kinetic plasma processes well beyond the MHD Rankine-Hugoniot jump condition. DSA, for instance, depends on various shock parameters including the sonic Mach number, Ms, the plasma beta, \u03b2 = Pgas/PB (the ratio of thermal to magnetic pressures), and the obliquity angle between the upstream background magnetic \ufb01eld direction and the shock normal, \u03b8Bn (see Balogh & Truemann 2013). In general, collisionless shocks can be classi\ufb01ed by the obliquity angle as quasi-parallel (Q\u2225, hereafter) shocks with \u03b8Bn \u227245\u25e6and quasi-perpendicular (Q\u22a5, hereafter) shocks with \u03b8Bn \u227345\u25e6. In situ observations of Earth\u2019s bow shock indicate that protons are e\ufb00ectively accelerated at the Q\u2225-portion, while electrons are energized preferentially in the Q\u22a5-con\ufb01guration (e.g., Gosling et al. 1980). In such shocks, one of key processes for DSA is particle injection, which involves the re\ufb02ection of particles at the shock ramp, the excitation of electromagnetic waves/turbulences by the re\ufb02ected particles, and the energization of particles through ensuing wave-particle interactions (e.g., Treumann & Jaroschek 2008; Treumann 2009). Since the thickness of the shock transition zone is of the order of the gyroradius of postshock thermal ions, both ions and electrons need to be preaccelerated to suprathermal momenta greater than a few times the momentum of thermal ions, pth,i, in order to di\ufb00use across the shock transition layer and fully participate in the \ufb01rst-order Fermi (Fermi-I, hereafter) process of DSA (e.g., Kang et al. 2002; Caprioli et al. 2015). Here, pth,i = \u221a2mikBTi2, Ti2 is the postshock ion temperature and kB is the Boltzmann constant. Hereafter, the subscripts 1 and 2 denote the preshock and postshock quantities, respectively. Kinetic processes in collisionless shocks can be studied through, for instance, particle-in-cell (PIC) and hybrid plasma simulations (e.g., Caprioli & Spitkovsky 2014a; Guo et al. 2014a,b; Park et al. 2015). Previous studies have mostly focused on shocks in \u03b2 \u22721 plasmas, where the A\ufb02v\u00b4 en Mach number MA is about the same as Ms (MA \u2248\u221a\u03b2Ms), investigating shocks in solar wind and the interstellar medium (ISM) (see also Treumann 2009, and references therein). If plasmas have very low\u03b2 (sometimes referred as cold plasmas), even the thermal motions of particles can be neglected . In hot ICM plasmas, on the other hand, \u03b2 \u223c100 (e.g., Ryu et al. 2008; Porter et al. 2015), and shocks have low sonic Mach numbers of Ms \u22723, but relatively high Alfv\u00b4 en Mach numbers up to MA \u224830. In such shocks, kinetic processes are expected to operate di\ufb00erently from low-\u03b2 shocks. Recently, we investigated proton acceleration in weak (Ms \u22482 \u22124) \u201cQ\u2225-shocks\u201d in high-\u03b2 (\u03b2 = 30 \u2212100) ICM plasmas through one-dimensional (1D) and twodimensional (2D) PIC simulations (Ha et al. 2018b, Paper I, hereafter). The main \ufb01ndings can be recapitulated as follows. (1) Q\u2225-shocks with Ms \u22732.3 develop overshoot-undershoot oscillations in their structures and undergo quasi-cyclic reformation, leading to a signi\ufb01cant amount of incoming protons being re\ufb02ected at the shock. The backstreaming ions excite resonant and nonresonant waves in the foreshock region, leading to the generation of suprathermal protons that can be injected to the Fermi-I process. (2) Q\u2225-shocks with Ms \u22722.3, on the other hand, have relatively smooth and steady structures. The development of suprathermal population is negligible in these shocks. (3) In Q\u22a5-shocks, a substantial fraction of incoming ions are re\ufb02ected and gain energy via shock drift acceleration (SDA), but the energized ions advect downstream along with the background magnetic \ufb01eld after about one gyromotion without being injected to the Fermi-I acceleration. (4) For the description of shock dynamics and particle acceleration in high-\u03b2 plasmas, the sonic Mach number is the more relevant parameter than the Alfv\u00b4 en Mach number, since the re\ufb02ection of particles is mostly controlled by Ms. As a sequal, in this work, we explore the electron preacceleration in low Mach number, Q\u22a5-shocks in high\u03b2 ICM plasmas. Such shocks are thought be the agents of radio relics in merging clusters. Previously, \fElectron Preacceleration in Weak ICM Shocks 3 the pre-energization of thermal electrons at collisionless shocks (i.e., the injection problem), which involves kinetic processes such as the excitation of waves via microinstabilities and wave-particle interactions, was studied through PIC simulations (e.g., Amano & Hoshino 2009; Riquelme & Spitkovsky 2011; Matsukiyo et al. 2011; Guo et al. 2014a,b; Park et al. 2015, and references therein). For instance, Amano & Hoshino (2009) showed that in high-MA Q\u22a5-shocks with \u03b2 \u223c1, strong electrostatic waves are excited by Buneman instability and con\ufb01ne electrons in the shock foot region, where electrons gain energy by drifting along the motional electric \ufb01eld (shock sur\ufb01ng acceleration, SSA). On the other hand, Riquelme & Spitkovsky (2011) found that in Q\u22a5shocks with MA \u2272(mi/me)1/2 (where mi/me is the ion-to-electron mass ratio) and \u03b2 \u223c1, the growth of oblique whistler waves in the shock foot by modi\ufb01ed twostream instabilities (MTSIs) may play important roles in con\ufb01ning and pre-energizing electrons. Matsukiyo et al. (2011) showed through 1D PIC simulations that in weak shocks with the fast Mach number, Mf \u22482 \u22123, and \u03b2 \u22483, a fraction of incoming electrons are accelerated and re\ufb02ected through SDA and form a suprathermal population. However, this \ufb01nding was refuted later by Matsukiyo & Matsumoto (2015) who showed through 2D PIC simulations of shocks with similar parameters that electron re\ufb02ection is suppressed due to shock surface ripping. Guo et al. (2014a,b, GSN14a and GSN14b, hereafter) carried out comprehensive studies for electron preacceleration and injection in Ms = 3, Q\u22a5-shocks in plasmas with \u03b2 = 6 \u2212200 using 2D PIC simulations. In particular, GSN14a presented the \u201crelativistic SDA theory\u201d for oblique shocks, which can be brie\ufb02y summarized as follows. The incoming electrons that satisfy criteria (i.e., with pitch angles larger than the loss-cone angle) are re\ufb02ected and gain energy through SDA at the shock ramp. The energized electrons backstream along the background magnetic \ufb01eld lines with small pitch angles, generating the temperature anisotropy of Te\u2225> Te\u22a5. GSN14b then showed that the \u201celectron \ufb01rehose instability\u201d (EFI) is induced by the temperature anisotropy, and oblique waves are excited (Gary & Nishimura 2003). The electrons are scattered back and forth between magnetic mirrors at the shock ramp and self-generated upstream waves (a Fermi-I type process), being further accelerated mostly through SDA. At this stage, the electrons are still suprathermal and do not have su\ufb03cient energies to di\ufb00use downstream of the shock; instead, they stay upstream of the shock ramp. The authors named this process as a \u201cFermilike process\u201d, as opposed to the full, bona \ufb01de Fermi-I process. GSN14a also pointed out that SSA does not operate in weak ICM shocks because of the suppression of Buneman instability in hot plasmas, and that in high\u03b2 shocks the preacceleration via SDA dominates over the energization through interactions with the oblique whistler waves generated via MTSIs in the shock foot. For electron preacceleration in weak ICM shocks, however, there are still issues to be further addressed. Most of all, there should be a critical Mach number, below which the preacceleration is not e\ufb03cient. Even though electrons are pre-energized at shocks with Ms \u22483, as shown in GSN14a and GSN14b, it is not clear whether they could be further accelerated by the full Fermi-I process of DSA. We will investigate these issues using 2D PIC simulations in this paper. The paper is organized as follows. Section 2 includes the descriptions of simulations, along with the de\ufb01nitions of various parameters involved. In Section 3, we give a brief review on the background physics of Q\u22a5shocks, in order to facilitate the understandings of our simulation results in the following section. Next, in Section 4, we present shock structures and electron preacceleration in simulations, and examine the dependence of our \ufb01ndings on various shock parameters. A brief summary is given in Section 5. 2. NUMERICS Simulations were performed using TRISTAN-MP, a parallelized electromagnetic PIC code (Buneman 1993; Spitkovsky 2005). The geometry is 2D planar, while all the three components of particle velocity and electromagnetic \ufb01elds are followed. The details of simulation setups can be found in Paper I, and below some basic de\ufb01nitions of parameters and features are described in order to make this paper self-contained. In Paper I, we used the variable v, for example, v0 and vsh, to represents \ufb02ow velocities. We here, however, use the variable u for \u201c\ufb02ow\u201d velocities, while v is reserved for \u201cparticle\u201d velocities. Plasmas, which are composed of ions and electrons of Maxwellian distributions, move with the bulk velocity u0 = \u2212u0\u02c6 x toward a re\ufb02ecting wall at the leftmost boundary (x = 0), and a shock forms and propagates toward the +\u02c6 x direction. Hence, simulations are performed in the rest frame of the shock downstream \ufb02ow. For the given preshock ion temperature, Ti, the \ufb02ow Mach number, M0, is related to the upstream bulk velocity as M0 \u2261u0 cs1 = u0 p 2\u0393kBTi1/mi , (1) where cs1 is the sound speed in the upstream medium and \u0393 = 5/3 is the adiabatic index. Thermal equilib\f4 Kang et al. Table 1. Model Parameters of Simulations Model Name Ms MA u0/c \u03b8Bn \u03b2 Te1 = Ti1[K(keV)] mi/me Lx[c/wpe] Ly[c/wpe] \u2206x[c/wpe] tend[w\u22121 pe ] tend[\u2126\u22121 ci ] M2.0 2.0 18.2 0.027 63\u25e6 100 108(8.6) 100 7 \u00d7 103 80 0.1 1.13 \u00d7 105 30 M2.15 2.15 19.6 0.0297 63\u25e6 100 108(8.6) 100 7 \u00d7 103 80 0.1 1.13 \u00d7 105 30 M2.3 2.3 21 0.0325 63\u25e6 100 108(8.6) 100 7 \u00d7 103 80 0.1 1.13 \u00d7 105 30 M2.5 2.5 22.9 0.035 63\u25e6 100 108(8.6) 100 7 \u00d7 103 80 0.1 1.13 \u00d7 105 30 M2.75 2.75 25.1 0.041 63\u25e6 100 108(8.6) 100 7 \u00d7 103 80 0.1 1.13 \u00d7 105 30 M3.0 3.0 27.4 0.047 63\u25e6 100 108(8.6) 100 1.2 \u00d7 104 80 0.1 2.26 \u00d7 105 60 M2.15-\u03b853 2.15 19.6 0.0297 53\u25e6 100 108(8.6) 100 7 \u00d7 103 80 0.1 1.13 \u00d7 105 30 M2.15-\u03b873 2.15 19.6 0.0297 73\u25e6 100 108(8.6) 100 7 \u00d7 103 80 0.1 1.13 \u00d7 105 30 M2.3-\u03b853 2.3 21 0.0325 53\u25e6 100 108(8.6) 100 7 \u00d7 103 80 0.1 1.13 \u00d7 105 30 M2.3-\u03b873 2.3 21 0.0325 73\u25e6 100 108(8.6) 100 7 \u00d7 103 80 0.1 1.13 \u00d7 105 30 M2.0-\u03b250 2.0 12.9 0.027 63\u25e6 50 108(8.6) 100 7 \u00d7 103 80 0.1 8.0 \u00d7 104 30 M2.3-\u03b250 2.3 14.8 0.0325 63\u25e6 50 108(8.6) 100 7 \u00d7 103 80 0.1 8.0 \u00d7 104 30 M3.0-\u03b250 3.0 19.4 0.047 63\u25e6 50 108(8.6) 100 7 \u00d7 103 80 0.1 8.0 \u00d7 104 30 M2.0-m400 2.0 18.2 0.013 63\u25e6 100 108(8.6) 400 7 \u00d7 103 80 0.1 1.5 \u00d7 105 10 M2.3-m400 2.3 21 0.016 63\u25e6 100 108(8.6) 400 7 \u00d7 103 80 0.1 1.5 \u00d7 105 10 M3.0-m400 3.0 27.4 0.023 63\u25e6 100 108(8.6) 400 7 \u00d7 103 80 0.1 1.5 \u00d7 105 10 M2.3-r2 2.3 21 0.0325 63\u25e6 100 108(8.6) 100 7 \u00d7 103 80 0.05 3.8 \u00d7 104 10 M2.3-r0.5 2.3 21 0.0325 63\u25e6 100 108(8.6) 100 7 \u00d7 103 80 0.2 3.8 \u00d7 104 10 rium is assumed for incoming plasmas, i.e., Ti1 = Te1, where Te1 is the preshock electron temperature. In typical PIC simulations, because of severe requirements for computational resources, reduced ion-to-electron mass ratios, mi/me < 1836, are assumed. Here, we consider the mass ratio of mi/me = 100 and 400; electrons have the rest mass of me = 511 keV/c2, while \u201cions\u201d have reduced masses emulating the proton population. In the limit of high \u03b2, the upstream \ufb02ow speed in the shock rest frame can be expressed as ush \u2248u0 \u00b7 r/(r \u22121), where r = (\u0393 + 1)/(\u0393 \u22121 + 2/M 2 s ) is the shock compression ratio, and the sonic Mach number, Ms, of the induced shock is given as Ms \u2261ush cs1 \u2248M0 r r \u22121. (2) The magnetic \ufb01eld carried by incoming plasmas, B0, lies in the x-y plane and the angle between B0 and the shock normal direction is the obliquity angle \u03b8Bn, as de\ufb01ned in the Introduction. The initial electric \ufb01eld in the \ufb02ow frame is zero everywhere, but the motional electric \ufb01eld, E0 = \u2212u0/c \u00d7 B0, is induced along +\u02c6 z direction, where c is the speed of light. The strength of B0 is parameterized by \u03b2 as \u03b2 = 8\u03c0nkB(Ti1 + Te1) B2 0 = 2 \u0393 M 2 A M 2 s , (3) where MA \u2261ush/uA is the Alfv\u00b4 en Mach number of the shock. Here, uA = B0/\u221a4\u03c0nmi is the Alfv\u00b4 en speed, and n = ni = ne are the number densities of incoming ions and electrons. We consider \u03b2 = 50 and 100, along with kBT1 = kBTi1 = kBTe1 = 0.0168mec2 = 8.6 keV (or Ti1 = Te1 = 108 K), relevant for typical ICM plasmas (Ryu et al. 2008; Porter et al. 2015). The fast Mach number of MHD shocks is de\ufb01ned as Mf \u2261ush/uf, where the fast wave speed is u2 f = {(c2 s1 + u2 A) + [(c2 s1 + u2 A)2 \u22124c2 s1u2 A cos2 \u03b8Bn]1/2}/2. In the limit of high \u03b2 (i.e., cs1 \u226buA), Mf \u2248Ms. The model parameters of our simulations are summarized in Table 1. We adopt \u03b2 = 100, \u03b8Bn = 63\u25e6, and mi/me = 100 as the \ufb01ducial values of the parameters. The incident \ufb02ow velocity, u0, is speci\ufb01ed to induce shocks with Ms \u22482\u22123, which are characteristic for cluster merger shocks (e.g., Ha et al. 2018a), as noted in the Introduction. Models with di\ufb00erent Ms are named with the combination of the letter \u2018M\u2019 and sonic Mach numbers (for example, the M2.0 model has Ms = 2.0). Models with parameters di\ufb00erent from the \ufb01ducial values have the names that are appended by a character for the speci\ufb01c parameter and its value. For example, the M2.3-\u03b873 model has \u03b8Bn = 73\u25e6, while the M2.3-m400 model has mi/me = 400. Simulations are presented in units of the plasma skin depth, c/wpe, and the electron plasma oscillation period, w\u22121 pe , where wpe = p 4\u03c0e2n/me is the electron plasma frequency. The Lx and Ly columns of Table 1 denote the x and y\u2212sizes of the computational domain. Except for the M3.0 model (see below), the longitudinal and transverse lengths are Lx = 7 \u00d7 103c/wpe and Ly = 80c/wpe, respectively, which are represented by a grid of cells with size \u2206x = \u2206y = 0.1c/wpe. The last two columns show the end times of simulations in units of w\u22121 pe and the ion gyration period, \u2126\u22121 ci , where \u2126ci = eB0/mic is the ion gyrofrequency. The ratio of the two periods scales as \fElectron Preacceleration in Weak ICM Shocks 5 wpe/\u2126ci \u221d(mi/me)\u221a\u03b2. For most models, simulations run up to tendwpe \u22481.13 \u00d7 105, which corresponds to tend\u2126ci \u224830 for \u03b2 = 100 and mi/me = 100. The M3.0 model extends twice longer up to tendwpe \u22482.26 \u00d7 105 or tend\u2126ci \u224860, and correspondingly has a longer longitudinal dimension of Lx = 1.2 \u00d7 104c/wpe. Comparison models with smaller \u03b2, M2.0-\u03b250, M2.30-\u03b250, and M3.0\u03b250, also go up to tend\u2126ci \u224830 (tendwpe \u22488.0 \u00d7 104). The models with mi/me = 400, on the other hand, are calculated only up to tend\u2126ci \u224810 (tendwpe \u22481.5\u00d7105). Models with di\ufb00erent \u2206x/(c/wpe), M2.3-r2 and M2.3r0.5, are also considered to inspect the e\ufb00ects of spatial resolution. In each cell, 32 particles (16 per species) are placed. The time step is \u2206t = 0.045[w\u22121 pe ]. Compared to the reference model reported by GSN14a and GSN14b, our \ufb01ducial models have higher \u03b2 (100 versus 20) and lower Ti1 = Te1 (108 K versus 109 K). As a result, our simulations run for a longer time, for instance, \u03c9petend \u22481.13 \u00d7 105 to reach tend\u2126ci \u224830. And our shocks are less relativistic. More importantly, this work also includes weaker shock models with Ms < 3.0, while GSN14a and GSN14b considered only shocks with Ms = 3.0. 3. PHYSICS OF Q\u22a5-SHOCKS 3.1. Critical Mach Numbers The structures and time variations of collisionless shocks are primarily governed by the dynamics of re\ufb02ected ions and the waves excited by the relative drift between re\ufb02ected and incoming ions. In theories of collisionless shocks, hence, a number of critical shock Mach numbers have been introduced to describe ion re\ufb02ection and upstream wave generation (see Balogh & Truemann 2013, for a review). Although the main focus of this paper is the electron acceleration at Q\u22a5-shocks, we here present a brief review on the \u201cshock criticalities\u201d due to re\ufb02ected ions. The re\ufb02ection of ions has been often linked to the \u201c\ufb01rst critical Mach number\u201d, M \u2217 f (\u03b2, \u03b8Bn); it was found for un2 = cs2 by applying the RankineHugoniot jump relation to fast MHD shocks, i.e., the condition that the downstream \ufb02ow speed normal to the shock surface equals the downstream sound speed (e.g., Edmiston & Kennel 1984). In supercritical shocks with Mf > M \u2217 f , the shock kinetic energy can not be dissipated enough through resistivity and wave dispersion, and hence a substantial fraction of incoming ions should be re\ufb02ected upstream in order to sustain the shock transition from the upstream to the downstream. In subcritcal shocks below M \u2217 f , on the other hand, the resistivity alone can provide enough dissipation to support a stable shock structure. In collisionless shocks, however, the re\ufb02ection of ions occurs at the shock ramp due to the magnetic de\ufb02ection and the cross shock potential drop, the physics beyond the \ufb02uid description. Hence, it should be investigated with simulations resolving kinetic processes. In Q\u2225-shocks, the \ufb01rst critical Mach number also denotes the minimum Mach number, above which kinetic processes trigger overshoot-undershoot oscillations in the density and magnetic \ufb01eld, and the shock structures may become non-stationary under certain conditions. The re\ufb02ection of ions is mostly due to the deceleration by the shock potential drop, and resonant and nonresonant waves are excited via streaming instabilities induced by re\ufb02ected ions (e.g., Caprioli & Spitkovsky 2014a,b). Such processes depend on shock parameters. For instance, in shocks with higher Ms and hence higher shock kinetic energies, the structures tend to more easily \ufb02uctuate and become unsteady. In high-\u03b2 plasmas, on the other hand, shocks could be stabilized against certain instabilities owing to fast thermal motions, which can subdue the relative drift between re\ufb02ected and incoming particles; thus, theoretical analyses based on the cold plasma assumption could be modi\ufb01ed in high-\u03b2 plasmas. In Paper I, we found that M \u2217 f \u22482.3 for Q\u2225shocks in ICM plasmas with \u03b2 \u2248100, which is higher than the \ufb02uid prediction by Edmiston & Kennel (1984). In Q\u2225-shocks, the kinetic processes involved in determining M \u2217 f are also parts of the preacceleration of ions and hence the injection to the Fermi-I process of DSA. In Q\u22a5-shocks, both ions and electrons are re\ufb02ected through the magnetic de\ufb02ection; the two populations are subject to deceleration by the magnetic mirror force due to converged magnetic \ufb01eld lines at the shock transition. In addition, the shock potential drop decelerates incident ions while it accelerates electrons toward the downstream direction. The re\ufb02ected particles gain energy through the gradient drift along the motional electric \ufb01eld at the shock surface (SDA). Most of re\ufb02ected ions, however, are trapped mostly at the shock foot before they advect downstream with the background magnetic \ufb01eld after about one gyromotion. As a result, streaming instabilities are not induced in the upstream, and hence the ensuing CR proton acceleration is ine\ufb00ective, as previously reported with hybrid and PIC simulations (e.g., Caprioli & Spitkovsky 2014a,b, and Paper I). However, still the dynamics of re\ufb02ected ions is primarily responsible for the main features of the transition zone of Q\u22a5-shocks (e.g., Treumann & Jaroschek 2008; Treumann 2009). For instance, the current due to the drift motion of re\ufb02ected ions generates the magnetic foot, ramp, and overshoot. And the charge separation due to re\ufb02ected ions generates the ambipolar electric shock potential drop at the shock ramp. \f6 Kang et al. In Q\u22a5-shocks, the accumulation of re\ufb02ected ions at the upstream edge of the foot may lead to the cyclic self-reformation of shock structures over ion gyroperiods and result in the excitation of low-frequency whistler waves in the shock foot region (e.g., Matsukiyo & Scholer 2006; Scholer & Burgess 2007). This leads to the so-called \u201csecond or whistler critical Mach number\u201d, M \u2217 w \u2248(1/2) p mi/me cos \u03b8Bn in the \u03b2 \u226a1 limit (Kennel et al. 1985; Krasnoselskikh et al. 2002). In subcritical shocks with Mf < M \u2217 w, linear whistler waves can phasestand in the shock foot upstream of the ramp. Dispersive whistler waves were found far upstream in interplanetary, subcritical shocks (e.g., Oka et al. 2006). Those waves interact with the upstream \ufb02ow and contribute to the energy dissipation, e\ufb00ectively suppressing the shock reformation. Above M \u2217 w, stationary linear wave trains cannot stand in the region ahead of the shock ramp. The \u201cthird or nonlinear whistler critical Mach number\u201d, M \u2217 nw \u2248 p mi/2me cos \u03b8Bn in the \u03b2 \u226a1 limit, was introduced to describe the non-stationarity of shock structures. Krasnoselskikh et al. (2002) predicted that in supercritical shocks with Mf > M \u2217 nw, nonlinear whistler waves turn over because of the gradient catastrophe, leading to the non-stationarity of the shock front and quasi-periodic shock-reformation (see Scholer & Burgess 2007). However, Hellinger et al. (2007) showed through 2D hybrid and PIC simulations that phase-standing oblique whistlers can be emitted in the foot even in supercritical Q\u22a5-shocks, so the shockreformation is suppressed, in 2D. In fact, the nonstationarity and self-reformation of shock structures are an important long-standing problem in the study of collisionless shocks, which has yet to be fully understood (e.g., Scholer et al. 2003; Lembe\u00b4 ge et al. 2004; Matsukiyo & Scholer 2006). In the \u03b2 \u226a1 limit (i.e., in cold plasmas), M \u2217 w = 2.3 and M \u2217 nw = 3.2 for the \ufb01ducial parameter values adopted for our PIC simulations (mi/me = 100 and \u03b8Bn = 63\u25e6). Hence, in some of the models considered here, M \u2217 w < Ms < M \u2217 nw, so the whistler waves induced by re\ufb02ected ions could be be con\ufb01ned within the shock foot without overturning. However, these critical Mach numbers increase to M \u2217 w = 9.7 and M \u2217 nw = 13.8 for the true ratio of mi/me = 1836. So in the ICM, weak Q\u22a5-shocks are expected to be subcritical with respect to the two whistler critical Mach numbers, and so they would not be subject to self-reformation. The con\ufb01rmation of these critical Mach numbers, or improved estimations for \u03b2 \u22731, through numerical simulations is very challenging, as noted above. The excitation of oblique whistler waves and the suppression of shock-reformation via surface ripping require at least 2D simulations (e.g., Lembe\u00b4 ge & Savoini 2002; Burgess 2006). The additional degree of freedom in higher dimensional simulations tends to stabilize some instabilities revealed in lower dimensional simulations. Moreover, simulation results are often dependent on mi/me, and the magnetic \ufb01eld con\ufb01guration, i.e., whether B0 is in-plane or o\ufb00-plane (Lembe\u00b4 ge et al. 2009). And adopting the realistic ratio of mi/me in PIC simulations is computationally very expensive, as pointed in the previous section. As mentioned in the Introduction, GSN14a and GSN14b showed that in high-\u03b2, Q\u22a5-shocks, electrons can be preaccelerated via multiple cycles of SDA due to the scattering by the upstream waves excited via the EFI. We here additionally introduce the \u201cEFI critical Mach number\u201d, M \u2217 ef, above which the electron preacceleration is e\ufb00ective. We seek it in the next section along with the relevant kinetic processes involved. The space physics and ISM communities have been mainly interested in shocks in low-\u03b2 plasmas (\u03b2 \u22721), and hence the analytic relations simpli\ufb01ed for cold plasmas are often quoted (e.g., the dispersion relation for fast magnetosonic waves used by Krasnoselskikh et al. (2002)). In such works, MA is commonly used to characterize shocks. However, in hot ICM plasmas, shocks have Ms \u2248Mf \u226aMA, and magnetic \ufb01elds play dynamically less important roles. Moreover, the ion re\ufb02ection at the shock ramp is governed mainly by Ms rather than MA (e.g., Paper I). Thus, in the rest of this paper, we will use the sonic Mach number Ms to characterize shocks. 3.2. Energization of Electrons As mentioned in the Introduction, GSN14a discussed the relativistic SDA theory for electrons in Q\u22a5-shocks, which involves the electron re\ufb02ection at the shock and the energy gain due to the drift along the motional electric \ufb01eld. In a subsequent paper, GSN14b showed that the electrons can induce the EFI, which leads to the excitation of oblique waves. The electrons return back to the shock due to the scattering by those self-excited upstream waves and are further accelerated through multiple cycles of SDA (Fermi-like process). Below, we follow these previous papers to discuss how the physical processes depend on the parameters such as Ms, \u03b8Bn, and T1 for the shocks considered here (Table 1). Inevitably, we cite below some of equations presented in GSN14a and GSN14b. 3.2.1. Shock Drift Acceleration GSN14a derived the criteria for electron re\ufb02ection by considering the dynamics of electrons in the so-called de Ho\ufb00mannTeller (HT, hereafter) frame, in which the \ufb02ow velocity is parallel to the background magnetic \ufb01eld \fElectron Preacceleration in Weak ICM Shocks 7 -1.0 -0.5 0.0 0.5 1.0 0.0 0.5 1.0 1.5 20 40 60 0 20 40 60 80 2.0 2.2 2.4 2.6 2.8 3.0 0.0 0.1 0.2 0.3 || / v c (d) (c) M3.0 M2.0 v c \u22a5 \u0001 \u2206 2.0 2.2 2.4 2.6 2.8 3.0 10 15 20 s M s M [%] R \u0001 \u00d7 \u2206 [%] R 1 2 3 M2.0 M2.15 M2.3 M2.5 M2.75 M3.0 Bn \u0002 (b) (a) I Figure 1. (a) Velocity diagram to analyze the electron re\ufb02ection in weak ICM shocks; v\u2225and v\u22a5are the electron velocity components, parallel and perpendicular to the background magnetic \ufb01eld, respectively, in the upstream rest frame. The black solid half-circle shows v = c, while the black dashed half-circle shows v = vth,e. The red (for the M2.0 model with Ms = 2 and \u03b8Bn = 63\u25e6) and blue (for the M3.0 model with Ms = 3 and \u03b8Bn = 63\u25e6) vertical lines draw the re\ufb02ection condition for v\u2225 in Equation (4), while the red and blue solid curves left to the vertical lines draw the re\ufb02ection condition for v\u22a5in Equation (5). The red and blue dashed curves right to the vertical lines draw the post-re\ufb02ection velocity given in Equations (25)-(26) of GSN14a with the boundary values for the pre-re\ufb02ection velocity given in Equations (4)-(5) of this paper. Electrons located in the region bounded by the colored vertical and solid lines are re\ufb02ected to the region right to the vertical lines bounded by the dashed lines. (b) The fraction of re\ufb02ected electrons, R in percentage (black), and the average energy gain via a single SDA, \u27e8\u2206\u03b3\u27e9in units of mec2/kBT (red), as a function of Ms. The solid lines are for Q\u22a5-shocks with \u03b8Bn = 63\u25e6, while the dashed lines are for Q\u2225-shocks with \u03b8Bn = 13\u25e6. (c) R \u00b7 \u27e8\u2206\u03b3\u27e9as a function of \u03b8Bn for di\ufb00erent Ms. (d) The EFI parameter, I, in Equation (7) as a function of Ms for models with \u03b8Bn = 63\u25e6(black circles). The red squares are for models with \u03b8Bn = 73\u25e6, while the blue triangles are for \u03b8Bn = 53\u25e6. The instability condition is I > 0. and hence the motional electric \ufb01eld disappears both upstream and downstream of the shock (de Ho\ufb00mann & Teller 1950). In the HT frame, the upstream \ufb02ow has ut = ush sec \u03b8Bn along the background magnetic \ufb01eld. Hereafter, v\u2225and v\u22a5represent the velocity components of incoming electrons, parallel and perpendicular to the background magnetic \ufb01eld, respectively, in the upstream rest frame, and \u03b3t \u2261(1\u2212u2 t/c2)\u22121/2 is the Lorentz factor of the upstream \ufb02ow in the HT frame. The re\ufb02ection criteria can be written as v\u2225< ut (4) (Equation (19) of GSN14a), and v\u22a5\u2273\u03b3t tan \u03b10 \u00b7 \u0002 (v\u2225\u2212ut)2 + 2c2 cos2 \u03b10\u2206\u03c6 \u00b7 G \u00b7 F + {c2 cos2 \u03b10 \u00b7 G \u2212(v\u2225\u2212ut)2}\u2206\u03c62\u00031/2, (5) assuming that the normalized cross-shock potential drop is \u2206\u03c6(x) \u2261e[\u03c6HT(x) \u2212\u03c6HT 0 ]/mec2 \u226a1. Here, G \u2261 (1 \u2212v\u2225ut/c2)2, F \u2261[1 \u2212(v\u2225\u2212ut)2/(Gc2 cos2 \u03b10)]1/2, and \u03b10 \u2261sin\u22121(1/ \u221a b) with the magnetic compression ratio b \u2261B(x)HT/BHT 0 . The superscript HT denotes the quantities in the HT frame. Note that for \u2206\u03c6(x) = \f8 Kang et al. 0, Equation (5) becomes the same as Equation (20) of GSN14a. In Figure 1(a), the red and blue solid lines mark the boundaries of the re\ufb02ection criteria in Equations (4) and (5) for the M2.0 and M3.0 models, respectively. The red and blue dashed curves right to the vertical lines are the post-re\ufb02ection velocities calculated with Equations (25) and (26) of GSN14a by inserting the boundary values of Equations (4) and (5). For b and \u2206\u03c6, the values estimated at the shock surface from simulation data were used. The solid black half-circle shows v \u2261(v2 \u2225+ v2 \u22a5)1/2 = c, while the dashed black half-circle shows v = vth,e, where vth,e = p 2kBTe1/me is the electron thermal speed of the incoming \ufb02ow. As in GSN14b, we estimated semi-analytically the amount of the incoming electrons that satisfy the re\ufb02ection condition, that is, those bounded by the colored solid curves and the colored vertical lines together with the black circle in Figure 1(a). In Figure 1(b), the fraction of the re\ufb02ected electrons, R, estimated for Q\u22a5-shocks with \u03b8Bn = 63\u25e6is shown by the black \ufb01lled circles connected with the black solid line, while R for Q\u2225-shocks with \u03b8Bn = 13\u25e6is shown by the black \ufb01lled circles connected with the black dashed line. In Q\u22a5shocks, the re\ufb02ection fraction, R, is quite high and increases with Ms, ranging \u223c20 \u221225 % for 2 \u2264Ms \u22643. In Q\u2225-shocks, R is also high, ranging \u223c17 \u221220 %, for 2.15 \u2264Ms \u22643, but drops sharply at Ms = 2. We point out that the electron re\ufb02ection becomes ine\ufb00ective for superluminal shocks with large obliquity angles (i.e., ush/ cos \u03b8Bn \u2265c), since the electrons streaming upstream along the background \ufb01eld cannot outrun the shocks (see GSN14b). The obliquity angle for the superluminal behavior is \u03b8sl \u2261arccos(ush/c) = 86\u25e6for the shock in M3.0 with mi/me = 100 and T1 = 108 K, and it is larger for smaller Ms. This angle is larger than \u03b8Bn of our models in Table 1, and hence all the shocks considered here are subluminal. For given T1 and Ms, the re\ufb02ection of electrons is basically determined by b(x) and \u2206\u03c6(x), which quantify the magnetic de\ufb02ection and the acceleration at the shock potential drop. Both b(x) and \u2206\u03c6(x) increase with increasing \u03b8Bn. Larger b enhances the electron re\ufb02ection (positive e\ufb00ect), while larger \u2206\u03c6(x) suppresses it (negative e\ufb00ect). In GSN14b, shocks are semi-relativistic with \u2206\u03c6 \u223c0.1 \u22120.5, and hence the negative e\ufb00ect of the potential drop is substantial. However, in our models, shocks are less relativistic because of the lower temperature adopted, and \u2206\u03c6 \u223cmiu2 sh/2mec2 \u226a1. As a result, the magnetic de\ufb02ection dominates over the acceleration by the cross-shock potential, leading to higher R at higher \u03b8Bn. GSN14b showed that SDA becomes ine\ufb03cient for ut \u2273vth,e (cos \u03b8Bn \u2272cos \u03b8limit = Ms p me/mi), which is more stringent than the superluminal condition (ut > c). So the electron re\ufb02ection fraction begins to decrease for \u03b8Bn \u227360\u25e6in their models. Although not shown here, in our models, R monotonically increases with the obliquity angle for a given Ms, because the adopted \u03b8Bn (\u226473\u25e6) is smaller than the limiting obliquity angle, \u03b8limit, for Ms = 2 \u22123 and mi/me = 100. The re\ufb02ected electrons gain the energy via SDA. We estimated the energy gain from a single SDA cycle as \u2206\u03b3 \u2261\u03b3r \u2212\u03b3i = 2ut(ut \u2212v\u2225) c2 \u2212u2 t \u03b3i, (6) where \u03b3i and \u03b3r are the Lorentz factors for the prere\ufb02ection and post-re\ufb02ection electron velocities, respectively (Equation (24) of GSN14a). For given T1 (or given cs1), ut and \u2206\u03b3 depend on Ms and \u03b8Bn. For the shocks considered here, \u03b3i \u22481 and ut \u226ac, so \u2206\u03b3 \u22482[(ut/c)2 \u2212utv\u2225/c2]. In Figure 1(b), the red \ufb01lled circles connected with the red solid line show the average energy gain, \u27e8\u2206\u03b3\u27e9in units of mec2/kBTe, estimated for Q\u22a5-shocks with \u03b8Bn = 63\u25e6. The red \ufb01lled circles with the red dashed line show the quantity for Q\u2225-shocks with \u03b8Bn = 13\u25e6. Here, the average was taken over the incoming electrons of Maxwellian distributions, so \u27e8\u2206\u03b3\u27e9 shown are the representative values during the initial development stage of suprathermal particles. In addition, the product of R and \u27e8\u2206\u03b3\u27e9is plotted as a function of \u03b8Bn for di\ufb00erent Ms in Figure 1(c). For the models in Table 1, R was calculated using b and \u2206\u03c6 estimated at the shock surface from simulation data, as mentioned above. For the rest, the values of b and \u2206\u03c6 for the models with \u03b8Bn = 13\u25e6presented in Paper I were adopted for Q\u2225-shocks, while the values for the models with \u03b8Bn = 63\u25e6presented in this work were adopted for Q\u22a5-shocks. Figures 1(b)-(c) show that more electrons are re\ufb02ected and higher energies are achieved at higher Ms and larger \u03b8Bn. 3.2.2. Electron Firehose instability GSN14b performed periodic-box simulations with beams of streaming electrons in order to isolate and study the EFI due to the re\ufb02ected and SDAenergized electrons. They found the followings: nonpropagating (\u03c9r \u22480), oblique waves with wavelengths \u223c(10\u221220)c/wpe are excited dominantly, \u03b4Bz is stronger than \u03b4Bx and \u03b4By (the initial magnetic \ufb01eld is in the x-y plane), and both the growth rate and the dominant wavelength of the instability are not sensitive to the mass ratio mi/me. These results are consistent with the expectations from the previous investigations of oblique EFI (e.g., Gary & Nishimura 2003). \fElectron Preacceleration in Weak ICM Shocks 9 1200 1400 1600 1800 2000 2200 2400 2600 5 10 15 20 25 30 1400 1600 1800 2000 2200 2400 2600 2800 5 10 15 20 25 30 1400 1600 1800 2000 2200 2400 2600 2800 5 10 15 20 25 30 1600 1800 2000 2200 2400 2600 2800 3000 5 10 15 20 25 30 0 B B pe [c/ ] x \u0001 0 B B (d) M3.2-2D (c) M3.0 (b) M2.3 (a) M2.0 pe [c/ ] x \u0001 Figure 2. Stack plots of the total magnetic \ufb01eld strength, averaged over the transverse direction, B, in the M2.0, M2.3, and M3.0 models from t\u2126ci = 20 (bottom) to t\u2126ci = 30 (top). The M3.2-2D model represents the Q\u2225-shock with Ms = 3.2 and \u03b8Bn = 13\u25e6, taken from Paper I. Here, B0 is the magnetic \ufb01eld strength far upstream. The EFI criterion in weakly magnetized plasmas can be de\ufb01ned as I \u22611 \u2212Te\u22a5 Te\u2225 \u22121.27 \u03b20.95 e\u2225 > 0, (7) where \u03b2e\u2225\u22618\u03c0nekBTe\u2225/B2 0 is the electron beta parallel to the initial magnetic \ufb01eld (Equation (10) of GSN14b). Equation (7) indicates that the instability parameter, I, is larger for higher \u03b2e\u2225for a given value of Te\u22a5/Te\u2225. For higher Ms, R is larger and Te\u22a5/Te\u2225is smaller, leading to larger I. Figure 1(d) shows the instability parameter of shocks with \u03b8Bn = 63\u25e6, as a function of Ms, estimated using the velocity distributions of the electrons which are located within (0 \u22121)rL,i (rL,i is the ion Larmor radius with the upstream \ufb01eld B0) upstream from the shock position in simulation data. For the Ms = 2.0 model, I \u22720 with almost no temperature anisotropy, so the upstream plasma should be stable against the EFI. This \ufb01nding, which will be further updated with simulation results in the next section, suggests that the preacceleration of electrons due to the EFI may not operate e\ufb00ectively in very weak shocks. For Ms > 2, on the other hand, the EFI criterion is satis\ufb01ed and I increases with increasing Ms, implying that larger temperature anisotropies (Te\u2225> Te\u22a5) at higher Ms shocks induce stronger EFIs. Also the \ufb01gure indicates that I increases steeply around Ms \u22482.2 \u22122.3. Additional data points marked with the blue triangles connected with the blue dashed line (\u03b8Bn = 53\u25e6) and the red squares connected with the red dashed line (\u03b8Bn = 73\u25e6) show that Q\u22a5-shocks with higher obliquity angles are more unstable to the EFI. 4. RESULTS 4.1. Shock Structures As discussed in Section 3.1, the criticality de\ufb01ned by the \ufb01rst critical Mach, M \u2217 f , primarily governs the structures and time variations of collisionless shocks. In subcritical shocks, most of the shock kinetic energy is dissipated at the shock transition, resulting in relatively smooth and steady structures. In supercritical shocks, on the other hand, re\ufb02ected ions induce overshoot-undershoot oscillations in the shock transition and ripples along the shock surface. Q\u2225-shocks with Mf > M \u2217 f may undergo quasi-periodic reformation owing to the accumulation of upstream low-frequency waves. Q\u22a5-shocks are less prone to reformation, because re\ufb02ected ions mostly advect downstream after about one gyromotion. \f10 Kang et al. Figure 3. Ion phase-space distributions in the x \u2212pix plane for the M2.0 model (a), the M2.3 model (b), and the M3.0 models (c) at t\u2126ci \u224830. The x-coordinate is measured relative to the shock position, xsh, in units of c/wpe. The bar at the top displays the color scale for the log of the ion phase-space density (arbitrary units). In panel (d), the black circles show the fraction of re\ufb02ected ions in the shock ramp region of 0 \u2264x \u2212xsh \u226460c/wpe at t\u2126ci \u224830 for the \ufb01ducial models with mi/me = 100, while the red circles show the same fraction in 0 \u2264x \u2212xsh \u2264240c/wpe at t\u2126ci \u224810 for the three models with mi/me = 400. Figure 2 compares the magnetic \ufb01eld structure for Q\u22a5 and Q\u2225-shocks with di\ufb00erent Ms. In the Q\u22a5-shocks, the overshoot-undershoot oscillation becomes increasingly more evident for higher Ms, but the shock structure seems to be quasi-stationary without any signs of reformation. This is consistent with the fact that the nonlinear whistler critical Mach number for our \ufb01ducial models is M \u2217 nw = 3.2. On the other hand, the Q\u2225-shock in the M3.2-2D model exhibits quasi-periodic reformations. According to the \ufb02uid description of Edmiston & Kennel (1984), M \u2217 f \u22481 for Q\u22a5-shocks in high-\u03b2 plasmas, so the fraction of re\ufb02ected ions is expected be relatively high in all the shock models under consideration. As can be seen in the phase-space distribution of protons in Figure 3(a)-(c), the back-streaming ions turn around mostly within about one ion gyroradius in the shock ramp (x\u2212xsh \u227260c/wpe). Note that with mi/me = 100, in the M3.0 model, the shock ramp corresponds to the region of x \u2212xs < 60c/\u03c9pe, while the foot extends to x \u2212xs \u2248rL,i \u2248200c/\u03c9pe (e.g., Balogh & Truemann 2013). In the M2.0 model, rL,i is smaller and so the characteristic widths of the ramp and foot are accordingly smaller. Figure 3(d) shows that the ion re\ufb02ection fraction, \u03b1ref,i = nref,i/ni, increases with increasing Ms, and such trend is almost independent of the mass ratio mi/me. Here, nref,i was calculated as the number density of ions with vx > 0 in the shock rest frame in the ramp region. Since \u03b1ref,i increases abruptly at Ms \u22482.2 \u22122.3, we may regard M \u2217 f \u22482.3 as an e\ufb00ective value for the \ufb01rst critical Mach number, above which high-\u03b2 Q\u22a5-shocks re\ufb02ect a su\ufb03cient amount of incoming ions and become supercritical. From Figure 2, we can see that ensuing oscillations in shock structures appear noticeable in earnest only for Mf \u22732.3. Our estimation of M \u2217 f is higher than the prediction of Edmiston & Kennel (1984). This might be partly because in high-\u03b2 plasmas, kinetic processes due to fast thermal motions could suppress some of microinstabilities driven by the relative drift between backstreaming and incoming ions, as mentioned before. 4.2. Electron Preacceleration Re\ufb02ected electrons are energized via SDA at the shock ramp, and the consequence can be observed in the phasespace distribution of electrons in Figure 4, (a)-(c) for the M2.0 model and (e)-(g) for the M3.0 model. Since B0 is in the x \u2212y plane, electrons at \ufb01rst gain the zmomentum, pez, through the drift along the motional electric \ufb01eld, E0 = \u2212v0/c \u00d7 B0, and then the gain is distributed to pex and pey during gyration motions. In addition, re\ufb02ected electrons, streaming along the background magnetic \ufb01eld with small pitch angles in the upstream region, have larger positive py than px. Figures 4(d) and (h) also show the distributions of electron density ne (black curve) and By (red curve) around the shock transition. If electrons are accelerated via the full Fermi-I process (i.e., DSA) and in the test-particle regime, the momentum distribution follows the so-called DSA power-law: f(p) \u2248fN \u0012 p pinj \u0013\u2212q exp \" \u2212 \u0012 p pmax \u00132# , (8) where fN is the normalization factor and q(Ms) = 3r/(r \u22121) is the slope (Drury 1983; Kang & Ryu 2010). Here, pmax is the maximum momentum of accelerated electrons that increases with the shock age before any energy losses set in. The injection momentum, pinj, is \fElectron Preacceleration in Weak ICM Shocks 11 Figure 4. Electron phase-space distributions and shock structures for the M2.0 model (left panels) and the M3.0 model (right panels) at wpet \u22481.13 \u00d7 105 (t\u2126ci \u224830). The x-coordinate is measured relative to the shock position, xsh, in units of c/wpe. From top to bottom, the distributions in x \u2212pex, x \u2212pey, and x \u2212pez, and the distributions of electron number density ne and transverse magnetic \ufb01eld By in units of upstream values are shown. The bar at the top displays the color scale for the log of the electron phase-space density (arbitrary units). the minimum momentum with which electrons can diffuse across the shock and be injected to the full FermiI process as described in the Introduction. It marks roughly the boundary between the thermal and nonthermal momentum distributions. The momentum spectrum in Equation (8) can be transformed to the energy spectrum in terms of the Lorentz factor as 4\u03c0p2f(p) dp dE \u221ddN d\u03b3 \u221d(\u03b3 \u22121)\u2212s, (9) where the slope is s(Ms) = q(Ms) \u22122. For instance, s = 2.5 for Ms = 3.0, while s = 2.93 for Ms = 2.0. The injection momentum, which can be estimated as pinj \u223c3pth,i (e.g., Kang et al. 2002; Caprioli et al. 2015, Paper I), is well beyond the highest momentum that electrons can achieve in our PIC simulations. In the M3.0 model, for example, pinj corresponds to \u03b3inj \u224810, while electrons of highest momenta reach only \u03b3 \u22722 (see Figure 5). In other words, our simulations could follow only the preacceleration of suprathermal electrons, which are not energetic enough to di\ufb00use across the shock. Thus, the DSA slope, s(Ms), is not necessarily reproduced in the energy spectra of electrons. However, the development of power-law tails with s(Ms) may indicate that the preaccelerated electrons have undergone a Fermi-like process, as proposed by GSN14a and GSN14b. The upper panels of Figure 5 compare the electron energy spectra, (\u03b3 \u22121)dN/d\u03b3, taken from the upstream region of (0 \u22121)rL,i, ahead of the shock, at t\u2126ci = 10 (blue lines) and 30 (red lines), in the models with di\ufb00erent Ms. In the case of the M3.0 model, the simulation is perform longer, and the spectrum at t\u2126ci = 60 is also shown with the green line (which almost overlaps with the red line). As described in Section 3.1, re\ufb02ected electrons gain energy initially via SDA, and may continue to be accelerated via a Fermi-like process and multiple cycles of SDA, if oblique waves are excited by the EFI. Two points are noticed: (1) In the M2.0 model, the blue and red lines almost coincide, indicating almost no change of the spectrum from t\u2126ci = 10 to 30. The spectrum is similar to that of the electrons energized by a single cycle of SDA, which was illustrated in Figure 7 of GSN14a. So the Fermi-like process, followed by the EFI, may not e\ufb03ciently operate in this model. (2) The M3.0 \f12 Kang et al. 10 -4 10 -3 10 -2 10 -1 10 0 10 -4 10 -3 10 -2 10 -1 10 0 10 -4 10 -3 10 -2 10 -1 10 0 10 -4 10 -3 10 -2 10 -1 10 0 10 -3 10 -2 10 -1 10 0 10 -4 10 -3 10 -2 10 -1 10 0 10 -3 10 -2 10 -1 10 0 10 -3 10 -2 10 -1 10 0 10 -4 10 -3 10 -2 10 -1 10 0 (a) M2.0 (b) M2.3 s ~ 2.93 (c) M3.0 s ~ 2.5 (d) M2.3-\u0001 73 (e) M2.3-\u03b250 s ~ 2.93 (f) M3.0-\u03b250 s ~ 2.5 (g) M2.0-m400 (h) M2.3-m400 1 \u0001 \u2212 1 \u0001 \u2212 (i) M3.0-m400 1 \u0001 \u2212 ( \u0001 1 ) d N / d \u0001 ( \u0001 1 ) d N / d \u0001 ( \u0001 1 ) d N / d \u0001 Figure 5. Upstream electron energy spectra at t\u2126ci = 10 (blue lines), t\u2126ci = 30 (red), and t\u2126ci = 60 (green) in various models. The spectra were taken from the region of (0 \u22121)rL,i upstream of the shock. The black dot-dashed lines indicate the test-particle power-laws of Equation (9), while the purple dashed lines show the Maxwellian distributions in the upstream region. model, on the other hand, exhibits a further energization from t\u2126ci = 10 to 30, demonstrating the presence of a Fermi-like process. However, there is no di\ufb00erence in the spectra of t\u2126ci = 30 and 60. As a matter of fact, the energy spectrum of suprathermal electrons seems to saturate beyond t\u2126ci \u224820 (not shown in the \ufb01gure). This should be due to the saturation of the EFI and the lack of further developments of longer wavelength waves (see the next subsection for further discussions). The middle and lower panels of Figure 5 show the electron energy spectra in models with di\ufb00erent parameters. The models with mi/me = 400 were followed only up to tend\u2126ci = 10 (blue lines), because longer computing time is required for larger mi/me. Comparison of the two sets of models with di\ufb00erent values of mi/me con\ufb01rms that the EFI is almost independent of mi/me for su\ufb03ciently large mass ratios, as previously shown by Gary & Nishimura (2003) and GSN14b, and so is the electron acceleration. Figure 5(d) for the M2.3-\u03b873 model indicates that SDA and hence the EFI is more e\ufb03cient at higher obliquity angles, which is consistent with Figure 1(c). Figure 5(e) and (f) for the models with \u03b2 = 50 demonstrate that the EFI is more e\ufb03cient at higher \u03b2. All the models with Ms \u22732.3 show marginal power-lawlike tails beyond the spectra energized by a single cycle of SDA. With the M2.3-r2 and M2.3-r0.5 models, we examined how the electron energy spectrum depends on the grid resolution, although the comparison plots are not shown. Our simulations with di\ufb00erent \u2206x produced essentially the same spectra, especially for the suprathermal part. In Paper I, we calculated the injection fraction, \u03be(Ms, \u03b8Bn, \u03b2), of nonthermal protons with p \u2265pinj for Q\u2225shocks, as a measure of the DSA injection ef\ufb01ciency. Since the simulations in this paper can follow only the preacceleration stage of electrons via an upstream Fermi-like process, we de\ufb01ne and estimate the \u201cfraction of suprathermal electrons\u201d as follows: \u03b6 \u22611 n2 Z pmax pspt 4\u03c0\u27e8f(p)\u27e9p2dp, (10) where \u27e8f(p)\u27e9is the electron distribution function, averaged over the upstream region of (0 \u22121)rL,i, ahead of \fElectron Preacceleration in Weak ICM Shocks 13 2.0 2.2 2.4 2.6 2.8 3.0 10 -4 10 -3 \u03b6( M s ) s M \u2126cit=10 \u2126cit=15 \u2126cit=20 \u2126cit=30 Figure 6. Suprathremal fraction, \u03b6, de\ufb01ned in Equation (10), as a function of Ms for the \ufb01ducial models (\u03b8Bn = 63\u25e6) at t\u2126ci = 10 (blue circles), 15 (cyan circles), 20 (green circles), and t\u2126ci = 30 (red circles). The triangles are for the models with \u03b8Bn = 53\u25e6at t\u2126ci = 10 (blue) and 30 (red), while the squares are for the models with \u03b8Bn = 73\u25e6at t\u2126ci = 10 (blue) and 30 (red). the shock. For the \u201csuprathermal momentum\u201d, above which the electron spectrum changes from Maxwellian to power-law-like distribution, we use pspt \u22483.3pth,e. Note that pspt \u2248pinj(mi/me)\u22121/2. For the M3.0 model, for instance, pspt corresponds to \u03b3 \u22481.25. Di\ufb00erent choices of pspt result in di\ufb00erent values of \u03b6, of course, but the dependence on the parameters such as Ms and \u03b8Bn, does not change much. In Figure 6, the circles connected with solid lines show the suprathermal fraction, \u03b6(Ms), for the \ufb01ducial models with \u03b8Bn = 63\u25e6at t\u2126ci = 10 \u221230. This fraction is expected to increase with increasing Ms, since the EFI parameter, I, is larger for higher Ms (see Figure 1(d)). Moreover, it increases with time until t\u2126ci \u224820 due to a Fermi-like process, as shown in Figure 5, except for the M2.0 model where the increase in time is insigni\ufb01cant. However, \u03b6 seems to stop growing for t\u2126ci \u227320, indicating the saturation of electron preacceleration. This is related with the reduction of temperature anisotropy via electron scattering and the ensuing decay of EFIinduced waves, which will be discussed more in the next section. The red solid line in Figure 6 is represented roughly by \u03b6 \u221dM 4 s in the range of 2.3 \u2272Ms \u22643, but it drops rather abruptly below 2.3, deviating from the power-law behavior. We note that the Mach number dependence of \u03b6 is steeper than that of the ion injection fraction for Q\u2225-shocks, which is roughly \u03be \u221dM 1.5 s , as shown in Paper I. This implies that the kinetic processes involved in electron preacceleration might be more sensitive to Ms (see Section 3.2). Figure 6 also shows \u03b6 for models with \u03b8Bn = 53\u25e6(triangles) and \u03b8Bn = 73\u25e6(squares). For shocks with larger \u03b8Bn, the re\ufb02ection of electrons and the average SDA energy gain are larger, resulting in larger I, as shown in Figure 1 (c) and (d). Hence, \u03b6 should be larger at higher obliquity angle. However, for \u03b8Bn > \u03b8limit \u224873 \u221278\u25e6, \u03b6 should begin to decrease, as mentioned in Section 3.2.1. Based on the above results, we propose that the preacceleration of electrons is e\ufb00ective only in Q\u22a5-shocks with Ms \u22732.3 in the hot ICM, that is, M \u2217 ef \u22482.3. We point out that this is close to the \ufb01rst critical Mach number for ion re\ufb02ection, M \u2217 f \u22482.3, estimated from the Mach number dependence of the fraction of re\ufb02ected ions, \u03b1ref,i, shown in Figure 3(d). As shown in Figure 2, overshootundershoot oscillations develop in the shock transition, owing to a su\ufb03cient amount of re\ufb02ected ions, in shocks with Ms \u22732.3; with larger magnetic \ufb01eld compression due to the oscillations, more electrons are re\ufb02ected and energized via SDA (see Section 3.2.1). Hence, we expect that the electron re\ufb02ection is directly linked with the ion re\ufb02ection, so M \u2217 ef would be related with M \u2217 f . Note that the critical Mach number, M \u2217 f \u22482.3, is also similar to the \ufb01rst critical Mach number for ion re\ufb02ection and injection to DSA in Q\u2225-shocks in high-\u03b2 plasmas, M \u2217 s \u22482.25 (Paper I). 4.3. Upstream Waves The nature and origin of upstream waves in collisionless shocks have long been investigated through both analytical and simulation studies with the help of in situ observations of Earth\u2019s bow shock. In Q\u2225shocks with low Mach numbers, magnetosonic waves such as phase-standing whistlers and long-wavelength whistlers are known to be excited by backstreaming ions via an ion/ion beam instability (e.g., Krauss-Varban & Omidi 1991). Especially, in supercritical Q\u2225-shocks, the foreshock region is highly turbulent with largeamplitude waves and the shock transition can undergo quasi-periodic reformation due to the nonlinear interaction of accumulated waves and the shock front (see Paper I and Figure 2(d)). In Q\u22a5-shocks, a su\ufb03cient amount of incoming protons can be re\ufb02ected at the shock, which in turn may excite fast magnetosonic waves. As discussed in Section 3.1, two whistler critical Mach numbers, M \u2217 w and M \u2217 nw, are related with the upstream emission of whistler waves and the nonlinear breaking of whistler waves in the shock foot. In some of our models, M \u2217 w < Ms < M \u2217 nw, and hence whistler waves are con\ufb01ned within the shock foot and shock reformation does not occur. \f14 Kang et al. 0 20 40 60 80 (c) M2.0-\u03b4B z / B 0 (b) M2.0-\u03b4B y / B 0 y [ c / \u03c9p e ] -1.0 -0.5 0.0 0.5 1.0 (f) M3.0-\u03b4B z / B 0 (e) M3.0-\u03b4B y / B 0 (d) M3.0-\u03b4B x / B 0 -0.3 0.2 0.7 1.2 1.7 2.2 2.7 3.2 (a) M2.0-\u03b4B x / B 0 0 20 40 60 80 y [ c / \u03c9p e ] -1.0 -0.5 0.0 0.5 1.0 0 20 40 60 80 0 20 40 60 x [ c / \u03c9p e ] y [ c / \u03c9p e ] 0 20 40 60 80 x [ c / \u03c9p e ] 0 20 40 60 80 0 20 40 60 y [ c / \u03c9p e ] x [ c / \u03c9p e ] Figure 7. Magnetic \ufb01eld \ufb02uctuations, \u03b4Bx in (a) and (d), \u03b4By in (b) and (e), and \u03b4Bz in (c) and (f), normalized to B0, in the upstream region of 0 < (x \u2212xsh)wpe/c < 100 at wpet \u22482.63 \u00d7 104 (t\u2126ci \u22487) for the M2.0 model (top panels) and the M3.0 model (bottom panels). In supercritical shocks with Ms \u22732.3, we expect to see the following three kinds of waves: (1) nearly phasestanding whistler waves with kc/\u03c9pi \u223c1 (kc/\u03c9pe \u223c0.1) excited by re\ufb02ected ions (e.g., Hellinger et al. 2007; Scholer & Burgess 2007), where wpi = p 4\u03c0e2n/mi is the ion plasma frequency (wpi = 0.1wpe for me/mi = 100), (2) phase-standing oblique waves with kc/\u03c9pe \u223c0.4 and larger \u03b8Bk (the angle between the wave vector k and B0) excited by the EFI, and (3) propagating waves with kc/\u03c9pe \u223c0.3 and smaller \u03b8Bk, also excited by the EFI (e.g., Hellinger et al. 2014). Here, we focus on the waves excited by the EFI described in Section 3.2.2. Previous studies on the EFI and the EFI-induced waves showed the following characteristics (Gary & Nishimura 2003; Camporeale & Burgess 2008; Hellinger et al. 2014; Lazar et al. 2014, GSN14b). (1) The magnetic \ufb01eld \ufb02uctuations in the EFI-induced waves are predominantly along the direction perpendicular to both k and B0, i.e., |\u03b4Bz| is larger than |\u03b4Bx| and |\u03b4By| in our geometry. (2) Phase-standing oblique waves with almost zero oscillation frequencies (\u03c9r \u22480) have higher growth rates than propagating waves (\u03c9r \u0338= 0) . (3) Nonpropagating modes decay to propagating modes with longer wavelengths and smaller \u03b8Bk. (4) The EFIinduced waves scatter electrons, resulting in the reduction of electrons temperature anisotropy, which in turn leads to the damping of the waves. Figure 7 shows the distribution of magnetic \ufb01eld \ufb02uctuations, \u03b4B, in the upstream region for the M2.0 and M3.0 models. The epoch shown, t\u2126ci \u22487 (wpet \u2248 2.63 \u00d7 104) is early; yet, in the M3.0 model, waves are well developed (see also Figure 9), while the energization of electrons is still undergoing (see Figure 5). For the supercritical shock of the M3.0 model, we interpret that there are ion-induced whistlers in the shock ramp region of 0 \u2272x \u2212xs \u227260c/\u03c9pe, while EFI-induced oblique waves are present over the whole region shown. As shown in GSN14b, the EFI-excited waves are oblique with \u03b8Bk \u223c60\u25e6, and |\u03b4Bz| > |\u03b4Bx| and |\u03b4By|. The increase in \u03b4By toward x \u2212xsh = 0 is due to the compression in the shock ramp. In the subcritical shock of the M2.0 model, on the other hand, the fractions of re\ufb02ected ions and electrons are not su\ufb03cient for either the emission of whistler waves or the excitation of EFI-induced waves, so no substantial waves are present in the shock foot. This is consistent with the instability condition shown in Figure 1 (d). Figure 8 compares \u03b4Bz in six di\ufb00erent models at t\u2126ci \u224810. The wave amplitude increases with increasing Ms, and the EFI seems only marginal in the M2.3 models. This result con\ufb01rms our proposal for the \u201cEFI \fElectron Preacceleration in Weak ICM Shocks 15 0 20 40 60 80 (f) M2.3-\u03b250 (e) M2.3-\u03b873 (d) M2.3-\u03b853 (c) M3.0 (b) M2.3 y [ c / \u03c9p e ] -0.8 -0.4 0.0 0.4 0.8 (a) M2.0 0 20 40 60 80 y [ c / \u03c9p e ] 0 20 40 60 80 0 20 40 60 x [ c / \u03c9p e ] y [ c / \u03c9p e ] 0 20 40 60 80 x [ c / \u03c9p e ] 0 20 40 60 80 0 20 40 60 x [ c / \u03c9p e ] y [ c / \u03c9p e ] \u03b4B z / B 0 Figure 8. Magnetic \ufb01eld \ufb02uctuations, \u03b4Bz, normalized to B0, in the upstream region of 0 < (x \u2212xsh)wpe/c < 100 at wpet \u22483.76 \u00d7 104 (t\u2126ci \u224810) for six di\ufb00erent models. critical Mach number\u201d M \u2217 ef \u22482.3, presented in Section 4.2. Moreover, this \ufb01gure corroborates our \ufb01ndings that the EFI is more e\ufb03cient at larger \u03b8Bn and higher \u03b2. From \u03b4Bz of the M2.3 and M3.0 models in Figure 7 and 8, the dominant waves in the shock foot seem to have \u03bb \u223c15 \u221220c/\u03c9pe, so they are consistent with the EFIinduced waves (GSN14b). Figure 9 shows the time evolution of the average of the magnetic \ufb01eld \ufb02uctuations, \u03b4B2 z/B2 0 \u000b , and the magnetic energy power, PBz(k) \u221d|\u03b4Bz(k)|2k, of upstream waves for the M3.0 model. According to the linear analysis by Camporeale & Burgess (2008), the growth rate of the EFI peaks at kmaxc/\u03c9pe \u223c0.4 for \u03b2e\u2225= 10 and Te\u22a5/Te\u2225= 0.7. Thus, we interpret that the powers in the range of kc/\u03c9pe \u223c0.2 \u22120.3 are owing to the oblique waves induced by the EFI, while those of kc/\u03c9pe \u22720.15 are contributed by the phase-standing whistler waves induced by re\ufb02ected ions. Moreover, through periodic box simulations of the EFI, Camporeale & Burgess (2008) and Hellinger et al. (2014) demonstrated that initially nonpropagating oblique modes grow and then saturate, followed by the transfer of wave energy into propagating modes with longer wavelengths and smaller \u03b8Bk. Figure 8 of Camporeale & Burgess (2008) and Figure 4 of Hellinger et al. (2014) show that a cycle of the EFI-induced wave growth and decay occurs with the time scales of t\u2126ce \u223cseveral \u00d7 100. We suggest that the oscillatory behaviors of the excited waves with the time scales of twpe \u223c2 \u00d7 104 \u22124 \u00d7 104 (t\u2126ce \u223c500 \u22121000) shown in Figure 9 would be related to those characteristics of the EFI. Figure 9(c) illustrates such a cycle during the period of twpe \u22481.8 \u22122.1 \u00d7 105: excitation with kmaxc/wpe \u22480.3 \u2192inverse cascade with kmaxc/wpe \u22480.2 \u2192damping of waves. Our results indicate that the EFI-induced waves do not further develop into longer wavelength modes with \u03bb \u226b\u03bbmax, where \u03bbmax \u224815 \u221220c/\u03c9pe is the wavelength of the maximum linear growth. Note that \u03bbmax is close to the gyroradius of electrons with \u03b3 \u22722. Thus, the acceleration of electrons via resonant scattering by the EFI-induced waves is saturated. As a consequence, the energization of electrons stops at the suprathermal stage (\u03b3 < 2) and does not proceed all the way to the DSA injection momentum (\u03b3inj \u224810). We interpret that this result should be due to the intrinsic properties of the EFI, rather than the limitations or artifacts of our simulations, as shown by the studies of Camporeale & Burgess (2008) and Hellinger et al. (2014). Hence, we here conclude that the preacceleration via the EFI alone may not explain the injection of electrons to DSA in weak ICM shocks. However, the conclusion needs to be further veri\ufb01ed through a more detailed study of the EFI and EFI-induced waves for high-\u03b2 ICM plasmas, \f16 Kang et al. 2 4 6 8 10 12 14 16 18 20 22 10-2 10-1 10-1 100 10-2 10-1 100 < \u03b4B z 2 / B 0 2 > 2 4 6 8 10 12 14 16 18 20 22 k c / \u03c9p e t [ 1 0 4 \u03c9 1 p e ] 0.1 t [ 1 0 4 \u03c9 1 p e ] ( b ) 10 -2 10 -1 10 0 0.2 0.4 0.8 P B z ( k ) ( c ) k c / \u03c9p e \u03c9pet=176720 \u03c9pet=184240 \u03c9pet=191760 \u03c9pet=199280 \u03c9pet=206800 ( a ) Figure 9. (a) Time evolution of \u03b4B2 z/B2 0 \u000b , the square of the magnetic \ufb01eld \ufb02uctuations normalized to the background magnetic \ufb01eld, averaged over the square region of 80 \u00d7 80(c/\u03c9pe)2 covering 0 < (x \u2212xsh)wpe/c < 80, for the M3.0 model. (b) Time evolution of PBz(k) \u221d|\u03b4Bz(k)|2k, the magnetic energy power of \u03b4Bz in the square region of 80\u00d780(c/\u03c9pe)2 for the M3.0 model. (c) PBz(k) versus kc/wpe at \ufb01ve di\ufb00erent time epochs. including kinetic linear analyses and numerical simulations, which we leave for a future work. 5. SUMMARY In Q\u22a5-shocks, a substantial fraction of incoming particles are re\ufb02ected at the shock ramp. Most of re\ufb02ected ions are advected downstream along with the underlying magnetic \ufb01eld after about one gyromotin, but yet the structures of the shocks are primarily governed by the dynamics of re\ufb02ected ions. Especially in supercritical shocks, the accumulation of re\ufb02ected ions in the shock ramp generates overshoot-undershoot oscillations in the magnetic \ufb01eld, ion/electron densities, and electric shock potential. Re\ufb02ected electrons, on the other hand, can stream along the background magnetic \ufb01eld with small pitch angles in the upstream region. As presented in GSN14a and GSN14b, the SDA re\ufb02ected electrons produce the temperature anisotropy, Te\u2225> Te\u22a5, which induces the EFI; the EFI in turn excites oblique waves in the upstream region. Electrons are then scattered between the shock ramp and the upstream waves, and gain energies via a Fermi-like process involving multiple cycles of SDA. All these processes depend most sensitively on Ms among a number of shock parameters; for instance, the development of the EFI and the energization of electrons are expected to be ine\ufb03cient in very weak shocks with Ms close to unity. In this paper, we studied through 2D PIC simulations the preacceleration of electrons facilitated by the EFI in Q\u22a5-shocks with Ms \u22723 in the high-\u03b2 ICM. Various shock parameters are considered, as listed in Table 1. Our \ufb01ndings can be summarized as follows: 1. For ICM Q\u22a5-shocks, ion re\ufb02ection and overshootundershoot oscillations in the shock structures become increasingly more evident for Ms \u22732.3, while the shock structures seem relatively smooth and quasi-stationary for lower Mach number shocks. Hence we suggest that the e\ufb00ective value of the \ufb01rst critical Mach number would be M \u2217 f \u22482.3, which is higher than previously estimated from the MHD Rankine-Hugoniot jump condition by Edmiston & Kennel (1984). 2. Since electron re\ufb02ection is a\ufb00ected by ion re\ufb02ection and the ensuing growth of overshoot-undershoot oscillation, the EFI critical Mach number, M \u2217 ef \u22482.3, seems to be closely related with M \u2217 f . Oscillations in the shock structures enhance the magnetic mirror in the shock ramp, providing a favorable condition for the e\ufb03cient re\ufb02ection of electrons. Only in shocks with Ms > M \u2217 ef, the re\ufb02ection and SDA of electrons are e\ufb03cient enough to generate su\ufb03cient temperature anisotropies, which can trigger the EFI and the excitation of oblique waves. 3. We presented the fraction of suprathermal electrons, \u03b6(Ms, \u03b8Bn), de\ufb01ned as the number fraction of electrons with p \u2265pspt = 3.3pth,e in the upstream energy spectrum. The suprathermal fraction increases with increasing Ms, roughly as \u03b6 \u221dM 4 s for the \ufb01ducial models. Below M \u2217 ef \u22482.3, \u03b6 drops sharply, indicating ine\ufb03cient electron preacceleration in low Mach number shocks. This fraction also increases with increasing \u03b8Bn. For shocks with larger \u03b8Bn, the re\ufb02ection of electrons and the average SDA energy gain are larger, and hence \u03b6 is larger. 4. In the supercritical M3.0 model, the suprthermal tail of electrons extends to higher \u03b3 in time, but it saturates beyond t\u2126ci \u224820 with the highest energy of \u03b3 \u22722. In order for suprathermal electrons to be in\fElectron Preacceleration in Weak ICM Shocks 17 jected to DSA, their energies should reach at least to \u03b3inj \u227310. We interpret that such saturation is due to the lack of wave powers with long wavelengths. The maximum growth of the EFI in the linear regime is estimated to be at \u03bbmax \u224815 \u221220c/\u03c9pe. The EFI becomes stablized owing to the reduction of electron temperature anisotropy, before waves with \u03bb \u226b\u03bbmax develop. This implies that the preacceleration of electrons due to a Fermi-like process and multiple cycles of SDA, facilitated by the upstream waves excited via the EFI, may not proceed all the way to DSA in high-\u03b2, Q\u22a5-shocks. Our results indicate that processes other than those considered in this paper may be crucial to understand the origin of radio relics in galaxy clusters. For instance, in the reacceleration model, pre-existing fossil electrons are assumed (e.g., Kang 2016a,b). Especially, fossil electrons with \u03b3 \u223c10 \u2212100 could be scattered by ion-induced waves and/or pre-existing turbulent waves and participate to DSA. Park et al. (2015), for instance, showed through 1D PIC simulations that electrons can be injected to DSA and accelerated via the full Fermi-I process even in Q\u2225with MA \u2248Ms = 20 and \u03b8Bn = 30\u25e6. In addition, if shock surfaces are highly non-uniform with varying Ms and \u03b8Bn (e.g., Hong et al. 2015; Ha et al. 2018a), the features of Q\u22a5and Q\u2225-shocks may be mixed up, facilitating the upstream environment of abundant waves for electron scattering. However, all these processes need to be investigated in details before their roles are discussed, and we leave such investigations for future works. The authors thank the anonymous referee for constructive comments. H.K. was supported by the Basic Science Research Program of the National Research Foundation of Korea (NRF) through grant 2017R1D1A1A09000567. D.R. and J.-H. H. were supported by the NRF through grants 2016R1A5A1013277 and 2017R1A2A1A05071429. J.-H. H. was also supported by the Global PhD Fellowship of the NRF through 2017H1A2A1042370."
+ },
+ {
+ "url": "http://arxiv.org/abs/1802.03189v1",
+ "title": "Effects of Alfvenic Drift on Diffusive Shock Acceleration at Weak Cluster Shocks",
+ "abstract": "Non-detection of $\\gamma$-ray emission from galaxy clusters has challenged\ndiffusive shock acceleration (DSA) of cosmic-ray (CR) protons at weak\ncollisionless shocks that are expected to form in the intracluster medium. As\nan effort to address this problem, we here explore possible roles of Alfv\\'en\nwaves self-excited via resonant streaming instability during the CR\nacceleration at parallel shocks. The mean drift of Alfv\\'en waves may either\nincrease or decrease the scattering center compression ratio, depending on the\npostshock cross-helicity, leading to either flatter or steeper CR spectra. We\nfirst examine such effects at planar shocks, based on the transport of Alfv\\'en\nwaves in the small amplitude limit. For the shock parameters relevant to\ncluster shocks, Alfv\\'enic drift flattens the CR spectrum slightly, resulting\nin a small increase of the CR acceleration efficiency, $\\eta$. We then consider\ntwo additional, physically motivated cases: (1) postshock waves are isotropized\nvia MHD and plasma processes across the shock transition and (2) postshock\nwaves contain only forward waves propagating along with the flow due to a\npossible gradient of CR pressure behind the shock. In these cases, Alfv\\'enic\ndrift could reduce $\\eta$ by as much as a factor of 5 for weak cluster shocks.\nFor the canonical parameters adopted here, we suggest $\\eta\\sim10^{-4}-10^{-2}$\nfor shocks with sonic Mach number $M_{\\rm s}\\approx2-3$. The possible reduction\nof $\\eta$ may help ease the tension between non-detection of $\\gamma$-rays from\ngalaxy clusters and DSA predictions.",
+ "authors": "Hyesung Kang, Dongsu Ryu",
+ "published": "2018-02-09",
+ "updated": "2018-02-09",
+ "primary_cat": "astro-ph.HE",
+ "cats": [
+ "astro-ph.HE"
+ ],
+ "main_content": "INTRODUCTION Weak shocks with sonic Mach number typically Ms \u2272 a few are expected to form in the intracluster medium (ICM) during the course of hierarchical clustering of the large-scale structure of the Universe (e.g. Ryu et al. 2003; Kang et al. 2007). The presence of such shocks has been established by X-ray and radio observations of many merging clusters (e.g. Markevitch & Vikhlinin 2007; Br\u00a8 uggen et al. 2012; Brunetti & Jones 2014). In particular, di\ufb00use radio sources known as radio relics, located mostly in cluster outskirts, could be explained by cosmic-ray (CR) electrons (re-)accelerated via di\ufb00usive shock acceleration (DSA) at quasi-perpendicular shocks (e.g. van Weeren et al. 2010; Kang et al. 2012; Kang 2017). Although both CR electrons and protons are known to be accelerated at astrophysical shocks such as Earth\u2019s bow shocks and supernova remnant shocks (e.g., Bell 1978; Drury 1983; Blandford & Eichler 1987), the \u03b3-ray emission from galaxy clusters, which would be a unique signature of CR protons, has not been detected with high signi\ufb01cance so far (Ackermann et al. 2014, 2016; Brunetti 2017). In galaxy clusters, di\ufb00use \u03b3-ray emission can arise from inelastic collisions of CR protons with thermal protons, which produce neutral pions, followed by the decay of pions into \u03b3-ray photons (e.g., Miniati et al. 2001; Brunetti & Jones 2014; Brunetti 2017). Using cosmological hydrodynamic simulations, the \u03b3-ray emission has been estimated by modeling the production of CR protons at cluster shocks in several studies (e.g., Ensslin et al. 2007; Pinzke & Pfrommer 2010; Vazza et al. 2016). In particular, Vazza et al. (2016) tested several di\ufb00erent prescriptions for DSA e\ufb03ciency by comparing \u03b3-ray \ufb02ux from simulated clusters with Fermi-LAT upper limits of observed clusters. They found that non-detection of \u03b3ray emission could be understood, only if the CR proton acceleration e\ufb03ciency at weak cluster shocks is on average less than 10\u22123 for shocks with Ms = 2\u22125. On the other hand, recent hybrid plasma simulations demonstrated that about 5 \u221215% of the shock kinetic energy is expected to be transferred to the CR proton energy at quasi-parallel shocks with a wide range of Alfv\u00b4 en Mach numbers, MA, (Caprioli & Spitkovsky 2014a). So there seems to exist a tension between the CR proton acceleration e\ufb03ciency predicted by DSA theory and \u03b3-ray observations of galaxy clusters. It is well established that CR protons streaming along magnetic \ufb01eld lines upstream of parallel shock resonantly excite A\ufb02v\u00b4 en waves with wavenumber k \u223c1/rg via two-stream instability, where rg is the proton Larmor radius (Wentzel 1974; Bell 1978; Lucek & Bell 2000; Schure et al. 2012). These A\ufb02v\u00b4 en waves are circularly Figure 1. Flow velocity con\ufb01guration in the shock rest frame for a 1D planar shock with the background magnetic \ufb01eld parallel to the shock normal (parallel shock). Here, the subscripts 1 and 2 are for preshock and postshock quantities, respectively. The shock faces to the right, so the preshock \ufb02ow speed is u = \u2212u1. After upstream backward waves (moving anti-parallel to the \ufb02ow in the \ufb02ow rest frame) cross the shock, both transmitted backward waves and re\ufb02ected forward waves are advected downstream. The convection speeds of waves, Wb1, Wb2, and Wf2, are given in the shock rest frame. polarized in the same sense as the proton gyromotion, i.e., left-handed circularly polarized when they propagate parallel to the background magnetic \ufb01eld. The waves act as scattering centers that can scatter CR particles in pitch-angle both upstream and downstream of the shock, leading to the Fermi \ufb01rst order (Fermi I) acceleration at parallel shocks (Bell 1978). Since CRs are scattered and isotropized in the mean wave frame, the spectral index \u0393 of the CR energy spectrum, N(E) \u221dE\u2212\u0393, is determined by the convection speed of scattering centers in the shock rest frame, u + uw, instead of the gas \ufb02ow speed, u (Bell 1978). Here, uw is the mean speed of scattering centers in the local \ufb02uid frame, or the speed of so-called Alfv\u00b4 enic drift. The direction and amplitude of Alfv\u00b4 enic drift depend on the di\ufb00erence between the intensity of forward waves (moving parallel to the \ufb02ow) and that of backward waves (moving anti-parallel to the \ufb02ow), i.e., (\u03b4Bf)2 \u2212(\u03b4Bb)2 (Skilling 1975). If forward and back waves have the same intensity or if waves are completely isotropized, i.e., (\u03b4Bf)2 = (\u03b4Bb)2, then uw \u22480. A nonresonant instability due to the electric current associated with CRs escaping upstream is also known to operate on small wavelengths (Bell 2004; Schure et al. 2012). The excited waves are not Alfv\u00b4 en waves, and have a circular polarization opposite to the sense of the proton gyromotion, i.e., are right-handed circularly polarized when they propagate parallel to the background magnetic \ufb01eld. This nonresonant instability is more un\fEffects of Alfv\u00b4 enic Drift on Diffusive Shock Acceleration 3 Figure 2. Radial pro\ufb01les of the gas density, \ufb02ow speed, and CR pressure of a model spherical SNR shock that expands outward. Owing to the positive (negative) gradient of PCR, forward (backward) waves are expected to be dominant in the postshock (preshock) region, as illustrated in this \ufb01gure. So the mean convection velocities of scattering centers point away from the shock both in the upstream and downstream rest frames. stable at higher k\u2019s (smaller wavelengths), and the ratio of the growth rates of non-resonant to resonant instability is roughly, \u0393nonres/\u0393res \u223cMA/30 (Caprioli & Spitkovsky 2014b). In cluster outskirts where the magnetic \ufb01eld is observed to have B \u223c1 \u00b5G (e.g., Govoni & Feretti 2004), shocks have MA \u227230 (see below), so resonant instability is expected to be dominant there. Since we here are interested in cluster shocks, we focus mainly on Alfv\u00b4 en waves excited by resonant streaming instability. Bell (1978) noted that resonant instability would produce mostly backward waves in the preshock region, because CR protons streaming upstream excite waves that move parallel to the streaming direction (that is, travel upstream away from the shock in the upstream rest frame), and any forward waves pre-existing in the preshock \ufb02ow would be damped due to the gradient of the CR distribution in the shock precursor (Wentzel 1974; Skilling 1975; Lucek & Bell 2000). Then, the Alfv\u00b4 enic drift speed in the preshock region may be approximated as uw1 \u2248+VA1, where VA = B0/\u221a4\u03c0\u03c1 is the local Alfv\u00b4 en speed. See Figure 1 for the velocity con\ufb01guration in the shock rest frame. Hereafter, the subscripts 1 and 2 refer to the quantities in the preshock and postshock regions, respectively. Alfv\u00b4 enic drift in the postshock region was previously considered in studies of CR acceleration at strong supernova remnant (SNR) shocks (e.g., Zirakashvili & Ptuskin 2008, 2012; Caprioli et al. 2009; Lee et al. 2012; Kang 2013). Those studies suggested that owing to the positive gradients of the CR pressure, PCR, forward waves (moving away from the shock toward the center of supernova explosion) could be dominant in the postshock region, then uw2 \u2248\u2212VA2 (see Figure 2). The e\ufb00ects of Alfv\u00b4 enic drift should be substantial, only if the Alfv\u00b4 en speed is a signi\ufb01cant fraction of the \ufb02ow speed. In SNR shocks, for instance, the Alfv\u00b4 en Mach number is MA = u1/VA \u223c20 \u2212200, depending on the density of the background medium, yet the Alfv\u00b4 enic drift e\ufb00ects could be appreciable (e.g., Caprioli et al. 2009; Kang 2013). For the ICM in cluster outskirts, the sound and Alfv\u00b4 en speeds are given as cs \u22481.14 \u00d7 103 km s\u22121(kBT/5 keV)1/2 and VA \u2248 184 km s\u22121(B/1 \u00b5G)(nH/10\u22124 cm\u22123)\u22121/2, respectively, so \u03b2 \u2261 \u0012 cs VA \u00132 \u224840 \u0010 nH 10\u22124 cm\u22123 \u0011 \u0012 kBT 5.2 keV \u0013 \u0012 B 1 \u00b5G \u0013\u22122 , (1) where kB is the Boltzmann constant. For Ms \u22482 \u22123, the Alfv\u00b4 en Mach number of cluster shocks ranges MA = \u221a\u03b2Ms \u224813 \u221219, which is smaller than that of SNR shocks. Thus, we expect that the Alfv\u00b4 enic drift could have non-negligible e\ufb00ects on DSA at cluster shocks. Note that this de\ufb01nition of \u03b2 di\ufb00ers from the usual plasma beta by a factor of 1.2 for the gas adiabatic index \u03b3 = 5/3; the plasma beta of the ICM has been estimated to be \u223c50\u2212100 (e.g., Ryu et al. 2008; Porter et al. 2015). The transmission and re\ufb02ection of upstream Alfv\u00b4 en waves at shocks can be calculated by solving conservation equations across the shock transition (e.g., Campeanu & Schlickeiser 1992; Vainio & Schlickeiser 1998, 1999; Caprioli et al. 2009). Vainio & Schlickeiser (1998), for instance, used the conservation of mass \ufb02ux, transverse momentum, and tangential electric \ufb01eld \f4 Kang & Ryu to calculate them, in the small wave amplitude limit (b \u2261\u03b4B/B \u226a1) in the one-dimensional (1D) planeparallel geometry. They showed that after purely backward waves cross the shock, forward waves are also generated in the postshock region. Vainio & Schlickeiser (1999) (hereafter VS99) extended the work by including the pressure and energy \ufb02ux of waves across the shock. The transmission and re\ufb02ection of Alfv\u00b4 en waves and so the ensuing CR spectrum are governed by MA, \u03b2, b, and the properties of upstream waves. For certain shock parameters, the e\ufb00ective compression ratio, rsc, which is de\ufb01ned as the velocity jump of scattering centers (see Section 3), can be even larger than the gas compression ratio, r, leading to a \ufb02atter CR energy spectrum. In this paper, we \ufb01rst estimate the e\ufb00ects of Alfv\u00b4 enic drift on the DSA of protons for 1D planar shocks in high beta (\u03b2 \u22651) plasmas, with the transport of Alfv\u00b4 en waves across the shock transition described in VS99. We then consider two other cases, which are physically motivated: (1) postshock waves are isotropized, i.e., uw2 \u22480, and (2) forward waves are dominant in the postshock region, i.e., uw2 \u2248\u2212VA2. We examine the Alfv\u00b4 enic drift e\ufb00ects in these cases too. In the next section, the transmission and re\ufb02ection of upstream Alfv\u00b4 en waves at 1D planar shocks are described. In Section 3, the e\ufb00ects of the drift of Alfv\u00b4 en waves are discussed with the power-law CR proton spectrum in the test-particle limit. A brief summary including implications of our results at weak cluster shocks is given in Section 4. 2. TRANSMISSION AND REFLECTION OF ALFV\u00b4 EN WAVES AT SHOCKS VS99 derived necessary jump conditions for the transport of Alfv\u00b4 en waves across parallel shocks, whose con\ufb01guration is illustrated in Figure 1. We here repeat some of them to make this paper self-contained. The shock moves to the right, so the preshock and postshock \ufb02ow speeds in the shock rest frame are u1 = \u2212u1\u02c6 x and u2 = \u2212u2\u02c6 x, respectively. The background magnetic \ufb01eld is given as B0 = \u2212B0\u02c6 x. CR protons streaming upstream along B0 excite backward waves that travel anti-parallel to the background \ufb02ow in the local \ufb02uid frame. The shock ampli\ufb01es the incoming backward waves and also generates forward waves in the postshock region. The convection speed of backward waves is Wb1,2 = \u2212(u1,2 \u2212VA1,2) < 0 (to the left) both upstream and downstream of a parallel shock for the high beta plasmas with \u03b2 \u22651 considered here. We consider nondispersive, circularly-polarized Alfv\u00b4 en waves with small amplitudes (b \u2261\u03b4B/B \u226a1), propagating along the mean background magnetic \ufb01eld, B0, at 1D planar shocks. Note that the formulae below do not di\ufb00erentiate the handedness of wave polarization, since the conservation equations do not depend on it. The relation for the gas compression ratio, r, across the shock jump can be derived from the RankineHugoniot condition including the pressure and energy \ufb02ux of waves, and is given as the following cubic equation, b2M 2 Ar{(\u03b3 \u22121)r2 + [M 2 A(2 \u2212\u03b3) \u2212(\u03b3 + 1)]r + \u03b3M 2 A} +(M 2 A \u2212r)2{2r\u03b2 \u2212M 2 A[\u03b3 + 1 \u2212(\u03b3 \u22121)r]} = 0, (2) for a given set of parameters, Ms, \u03b2, and b (VS99). Here, \u03b3 = 5/3 is used for the ICM gas. The bottom-left panel of Figure 3 shows the solution of Equation (2), r, for three beta\u2019s (\u03b2 = 1, 10, and 80) and b = 0.1 in the Mach number range of Ms \u22725. Since the background magnetic \ufb01eld is parallel to the shock \ufb02ow (i.e., parallel shocks) and the transverse components of wave \ufb01elds are small (\u03b4B = 0.1B0), r is almost identical to the gas compression ratio of gasdynamic shocks, rgas = (\u03b3 + 1)M 2 s /{(\u03b3 \u22121)M 2 s + 2}, regardless of \u03b2. In fact, r would deviate from rgas, only if b is substantially large or \u03b2 is small. In the same panel, two such cases with (b = 0.3 & \u03b2 = 1) and (b = 0.1 & \u03b2 = 0.5) are shown for comparison, with the green and magenta lines, respectively, to illustrate such dependence. Following VS99, the cross-helicity is de\ufb01ned as Hc = (\u03b4Bf)2 \u2212(\u03b4Bb)2 (\u03b4Bf)2 + (\u03b4Bb)2 , (3) where \u03b4Bb and \u03b4Bf are the magnetic \ufb01elds of backward and forward waves, respectively. In the preshock region, backward waves are expected to be dominant for CRmediated shocks (see Introduction), so we assume Hc1 \u2248 \u22121. For power-law energy spectra of waves with slope q, I(k) \u221dk\u2212q, the transmission and re\ufb02ection coe\ufb03cients for backward and forward waves, respectively, in the postshock region are derived from the equations for transverse momentum and tangential electric \ufb01eld, as follows, T \u2261\u03b4Bb 2 \u03b4B1 = r1/2 + 1 2r1/2 \u0012 r MA + Hc1 MA + r1/2Hc1 \u0013(q+1)/2 , (4) R \u2261\u03b4Bf 2 \u03b4B1 = r1/2 \u22121 2r1/2 \u0012 r MA + Hc1 MA \u2212r1/2Hc1 \u0013(q+1)/2 (5) (Vainio & Schlickeiser 1998). Note that these coe\ufb03cients are independent of the wavenumber. According to hybrid simulations of collisionless shocks by Caprioli & Spitkovsky (2014b), for shocks with MA \u227230 where \fEffects of Alfv\u00b4 enic Drift on Diffusive Shock Acceleration 5 Figure 3. Top: Transmission and re\ufb02ection coe\ufb03cients, T and R, and downstream cross-helicity, Hc2, as functions of Ms, for three cases with di\ufb00erent \u03b2\u2019s. Bottom: Gas compression ratio, r, scattering center compression ratio, rsc, and CR spectral index, \u0393, for the same cases. Here, we assume that the upstream cross-helicity is Hc1 = \u22121.0 (backward waves only) and the turbulence power spectrum is speci\ufb01ed with the slope, q = 1.0, and b = 0.1. In the panel for r, two additional cases are shown, the one with b = 0.3 & \u03b2 = 1 by the green line, and that with b = 0.1 & \u03b2 = 0.5 by the magenta line. In the panels for rsc and \u0393, the magenta lines are for the model with Hc2 = 0 (isotropic waves), while the cyan lines are for the model with Hc2 = +1 (forward waves only). The green solid lines show rgas and \u0393gas = (rgas + 2)/(rgas \u22121) for gasdynamics shocks without Alfv\u00b4 enic drift. resonant streaming instability dominantly operates, the spectrum of excited magnetic turbulence in the precursor is consistent with I(k) \u221dk\u22121. So we adopt q = 1. With these coe\ufb03cients, the downstream cross-helicity can be estimated as Hc2 = Hc1 \u00b7 T 2 \u2212R2 T 2 + R2 . (6) The top panels of Figure 3 show T, R, and Hc2, calculated with b = 0.1, q = 1, and Hc1 = \u22121. One can see that incident backward waves are ampli\ufb01ed across the shock with T > 1, while forward waves are generated with 0 < R < 1 (greater R for higher \u03b2) in the postshock region. The ensuing downstream cross-helicity ranges \u22121 < Hc2 \u2272\u22120.85 for the shocks considered here. We note that the quasi-linear treatment adopted here should break down for non-linear waves, which are expected to develop via streaming instabilities at strong shocks. 3. EFFECTS OF ALFV\u00b4 ENIC DRIFT ON DSA 3.1. Scattering Center Compression Ratio and CR Spectral Index The CR transport at shocks can be described by the di\ufb00usion-convection equation, \u2202f \u2202t + (u + uw)\u2202f \u2202x = 1 3 \u2202(u + uw) \u2202x \u00b7 p\u2202f \u2202p + \u2202 \u2202x \u0014 \u03ba(x, p)\u2202f \u2202x \u0015 + 1 p2 \u2202 \u2202p \u0012 p2Dpp \u2202f \u2202p \u0013 , (7) where f(x, p, t) is the pitch-angle-averaged phase space distribution function for CRs, u is the \ufb02ow speed, uw is the local speed of scattering centers, \u03ba(x, p) is the spatial di\ufb00usion coe\ufb03cient, Dpp is the momentum di\ufb00usion coe\ufb03cient (Skilling 1975; Bell 1978; Schlickeiser 1989). The e\ufb00ects of Alfv\u00b4 enic drift enter through uw, which is here given as uw1 = Hc1VA1 and uw2 = Hc2VA2 in the preshock and postshock regions, respectively. CR particles then experience the velocity change from u1 +Hc1VA1 to u2 +Hc2VA2 across the shock, since they are isopropized in the local wave frame. Then the com\f6 Kang & Ryu Figure 4. Test particle spectrum, f(p) \u2217p4, given in Equation (10), for models with di\ufb00erent Ms\u2019s. The model parameters are Qi = 3.5, kBT1 = 5.2keV, nH1 = 10\u22124 cm\u22123, and B0 = 1 \u00b5G (\u03b2 = 40). Each curve is labeled with Ms. The slopes of the power-law CR proton distributions, anchored to the postshock Maxwellian distributions, are calculated with Equations (8) and (9) for 1D planar shocks. The solid lines represent the models with Hc2 estimated according to VS99, while the dashed lines show the models with Hc2 = 0 (isotropic waves). pression ratio of scattering centers, de\ufb01ned as the velocity jump of scattering centers, is given as rsc \u2261u1 + Hc1VA1 u2 + Hc2VA2 = r MA + Hc1 MA + r1/2Hc2 . (8) Thus, rsc can be di\ufb00erent from the gas compression ratio, r, from Equation (2), depending on the crosshelicity. The bottom-middle panel of Figure 3 shows that rsc, calculated for 1D planar shocks (VS99), depends on \u03b2 and can be greater than rgas. But for \u03b2 \u226b1, rsc \u2248rgas, since MA \u226b1. At weak cluster shocks, the CR pressure is dynamically insigni\ufb01cant, that is, shocks are in the test-particle regime, in which the CR energy spectrum, N(E), is represented by a power-law form. Then, its power-law index, \u0393, is determined by rsc as \u0393 = rsc + 2 rsc \u22121 (9) (Bell 1978). The bottom-right panel of Figure 3 shows \u0393 calculated for 1D planar shocks. Flattening of N(E) due to Alfv\u00b4 enic drift could be substantial for \u03b2 \u22481 (red solid lines), for which even \u0393 < 2 is predicted. It can be seen that for \u03b2 \u226b1 (see blue dot-dashed lines), \u0393 \u2248\u0393gas since rsc \u2248rgas. 3.2. CR Acceleration E\ufb03ciency In the test-particle regime, the amplitude of the CR proton spectrum can be \ufb01xed by setting it at the injection momentum, pinj, and then the momentum distribution function at the shock position, xs, is given as f(xs, p) = fN \u0012 p pinj \u0013\u2212(\u0393+2) exp \" \u2212 \u0012 p pcut \u00132# , (10) where fN is the normalization factor (Kang & Ryu 2010). The cuto\ufb00momentum, pcut, represents the maximum momentum of CR protons that can be accelerated within the shock age, tage, and is given as pcut \u221du2 1B0tage. As long as pcut \u226bmpc, the CR energy density does not depend on its exact value if \u0393 > 2. Here, we de\ufb01ne pinj as the minimum momentum above which protons can cross the shock transition and participate in the Fermi I acceleration process, and describe it with the injection parameter, Qi, as pinj \u2261Qi \u00b7 pth, (11) where pth = p 2mpkBT2 is the proton thermal peak momentum of the postshock gas with temperature T2 (Kang & Ryu 2010). Using hybrid simulations, Caprioli et al. (2015) demonstrated that the injection momentum increases with the shock obliquity angle, \u0398Bn, and Qi \u22483.3 \u22124.6 for quasi-parallel shocks (\u0398Bn \u227245\u25e6) with MA = 5 \u221250 and \u03b2 \u22481. The injection parameter should be a\ufb00ected by the strength of self-generated MHD turbulence, which in turn depends on MA and \u03b2, in addition to \u0398Bn. It is also expected to increase in time as the particle spectrum extends to higher energies for strong shocks with p\u22124 momentum distribution, since the CR conversion e\ufb03ciency cannot be greater than 100 %. More accurate estimation of Qi for weak cluster shocks in high \u03b2 ICM plasmas, however, could be made only through kinetic plasma simulations, but its value has not yet been precisely de\ufb01ned (see, e.g., Caprioli & Spitkovsky 2014a; Caprioli et al. 2015). Assuming that f(xs, p) is anchored to the postshock Maxwellian distribution at pinj, the normalization factor \fEffects of Alfv\u00b4 enic Drift on Diffusive Shock Acceleration 7 Figure 5. Left: Power-law slope, \u0393, calculated with the scattering center compression ratio, rsc, in Equation (8). The model parameters are nH1 = 10\u22124 cm\u22123, kBT1 = 5.2 keV, and B0 = 1 \u00b5G(\u03b2/40)\u22121/2. The value of beta is \u03b2 = 10 (black), 40 (red), and 80 (blue). The postshock cross-helicity, Hc2, is calculated by following VS99. Middle: CR injection fraction, \u03be, with Qi = 3.5 (solid lines with circles), and with Qi = 3.8 (dashed lines with triangles). Right: CR proton acceleration e\ufb03ciency, \u03b7, calculated with the test-particle spectrum in Equation (10) with Qi = 3.5 (solid lines with circles) and 3.8 (dashed lines with triangles). The green lines show \u0393gas and \u03b7 for gasdynamic shocks without Alf\u00b4 enic drift. is given as fN = nH2 \u03c01.5 p\u22123 th exp(\u2212Q2 i ), (12) where nH2 is the postshock hydrogen number density (Kang & Ryu 2010). Figure 4 illustrates how the test-particle spectrum in Equation (10) depends on the sonic Mach number, Ms. We adopt the relevant parameters for cluster shocks, kBT1 = 5.2 keV, nH1 = 10\u22124 cm\u22123, and B0 = 1 \u00b5G, resulting in \u03b2 \u224840. We set Qi = 3.5 as a representative value, since we here model mostly parallel shocks with small obliquity angles. (Below, we also consider Qi = 3.8 as a comparison case.) The CR spectra shown have the power-law indices, \u0393\u2019s, from Equations (8) and (9), which are calculated with Hc2 estimated according to VS99 for 1D planar shocks (also with Hc2 = 0, see Section 3.3). The cuto\ufb00momentum for tage = 108 yr is drawn for an illustrative purpose. With the spectrum in Equation (10) and \u0393 > 2 for weak shocks, the CR injection fraction can be estimated as \u03be \u2261 1 nH2 Z pcut pmin 4\u03c0f(rsc, p)p2dp \u2248 4 \u221a\u03c0(\u0393 \u22121)Q3 i exp(\u2212Q2 i ), (13) if we take pmin = pinj as the lower boundary of the CR momentum distribution (Kang & Ryu 2010). According to this de\ufb01nition, the CR injection fraction depends mainly on \u0393 and Qi, since normally pcut \u226bmpc. We also de\ufb01ne the CR acceleration e\ufb03ciency as the ratio of the downstream CR energy \ufb02ux to the shock kinetic energy \ufb02ux, as follows, \u03b7 \u2261fCR fkin = u2ECR (1/2)\u03c11u3 1 (14) (Kang & Ryu 2013). Here the postshock CR energy density is given as ECR = 4\u03c0mpc2 Z pcut pmin ( p p2 + 1 \u22121)f(xs, p)p2dp, (15) where the particle momentum p is expressed in units of mpc. Again, we take pmin = pinj in the calculation of ECR below. Note that in general, the CR injection fraction and the DSA e\ufb03ciency sensitively depend on how one speci\ufb01es pmin, since the CR number is dominated by nonrelativistic particles with p \u223cpinj. The left panel of Figure 5 shows the power-law slope, \u0393, estimated with Hc2, which is calculated according to VS99. Here \u03b2 varies in the ranges relevant to cluster shocks, \u03b2 = 10 \u221280, so does the background magnetic \ufb01eld as B0 = 1 \u00b5G(\u03b2/40)\u22121/2. One can see that at \f8 Kang & Ryu Figure 6. Left: Power-law slope, \u0393, calculated with the scattering center compression ratio, rsc, in Equation (8). The magenta and cyan lines are for Hc2 = 0 and Hc2 = +1, respectively, while black line shows the case with Hc2 calculated by following VS99. The model parameters are nH1 = 10\u22124 cm\u22123, kBT1 = 5.2 keV, and B0 = 1 \u00b5G (\u03b2 = 40). Middle: CR injection fraction, \u03be, with Qi = 3.5 (solid lines with circles) and 3.8 (dashed lines with triangles). Right: CR acceleration e\ufb03ciency, \u03b7, calculated with the test-particle spectrum given in Equation (10) with Qi = 3.5 (solid lines with circles) and 3.8 (dashed lines with triangles). The green lines show \u0393gas and \u03b7 for gasdynamic shocks without Alf\u00b4 enic drift. weak cluster shocks, Hc2 based on VS99 could \ufb02atten the CR spectrum slightly, compared to gasdynamic shocks without Alf\u00b4 enic drift (green line). But for \u03b2 \u226b1 the dependence of \u0393 on \u03b2 is rather weak. The middle and right panels of Figure 5 show the injection fraction, \u03be, and the CR acceleration e\ufb03ciency, \u03b7, respectively, calculated with the test-particle spectrum in Equation (10) with the slope \u0393 shown in the left panel. Here, the adopted values of kBT1 and nH1 are the same as in Figure 4. Both \u03be and \u03b7 strongly depend on Qi through the normalization factor fN, due to the exponential nature of the tail in the Maxwellian distribution. While \u03be \u221dQ3 i exp(\u2212Q2 i ) from Equation (13), the CR acceleration e\ufb03ciency can be approximated as \u03b7 \u221dQ5 i exp(\u2212Q2 i ) for weak shocks with power-law spectra much steeper than p\u22124 (dominated by nonrelativisitc particles). So \u03be decreases by a factor of 7 as Qi increases from 3.5 to 3.8, while \u03b7 decreases roughly by a factor of 6 or so. For cluster shocks with Ms \u22723, \u03be \u22723.2 \u00d7 10\u22124 and \u03b7 \u22722.2 \u00d7 10\u22122 for Qi = 3.5, while \u03be \u22724.6 \u00d7 10\u22125 and \u03b7 \u22723.6\u00d710\u22123 for Qi = 3.8. This indicates that the estimated CR injection fraction and acceleration e\ufb03ciency could easily di\ufb00er by an order of magnitude, depending on the adopted Qi. For parallel shocks with small obliquity angles (i.e., \u0398Bn \u227215\u25e6), however, we expect that Qi is unlikely to be much larger than 3.8 (Caprioli et al. 2015). 3.3. Cases with Hc2 \u22480 and Hc2 \u2248+1 The overall morphology of cluster shocks, induced mainly by merger-driven activities in turbulent ICMs, is expected to be quite complex and di\ufb00erent from simple 1D planar shocks (see, e.g., Vazza et al. 2017; Ha et al. 2017). Rather, it can be characterized by portions of spherically expanding shells, composed of multiple shocks with di\ufb00erent properties. In addition, vorticity is generated behind curved shock surfaces, leading to turbulent cascade over a wide range of length scales and turbulent ampli\ufb01cation of magnetic \ufb01elds in the postshock \ufb02ow (see, e.g. Ryu et al. 2008; Vazza et al. 2017). Then, downstream waves could be isotropized through various MHD and plasma processes in the postshock region, resulting in zero cross-helicity, Hc2 \u22480 (equal strengths of T and R). Note that Fermi II acceleration should be operative in this case, but it is expected to be much less e\ufb03cient than Fermi I acceleration. In addition, as mentioned in the Introduction, the CR particle distribution peaks at the shock (i.e., decreases downstream) in spherical shocks or even in evolving planar shocks in which the CR pressure at the shock is increasing with time. In that case, the gradient of PCR is \fEffects of Alfv\u00b4 enic Drift on Diffusive Shock Acceleration 9 expected to damp backward waves, leaving dominantly forward waves with Hc2 \u2248+1 in the postshock region (Bell 1978; Zirakashvili & Ptuskin 2008; Caprioli et al. 2009). Hence, we here quantitatively examine the e\ufb00ects of Alfv\u00b4 enic drift in these physically motivated cases with Hc2 = 0 and Hc2 = +1, as phenomenological models. In the panels for rsc and \u0393 of Figure 3, the magenta and cyan lines show Hc2 = 0 and Hc2 = +1 cases, respectively. In fact, the scattering center compression ratio is minimized for Hc2 = +1 (see Equation (8)). So this represents the case with the greatest impact of Alfv\u00b4 enic drift (the largest \u0393). Moreover, Figure 4 compares the models with Hc2 estimated according to VS99 and the models with Hc2 = 0 (isotropic waves), demonstrating how the Alfv\u00b4 enic drift may a\ufb00ect the CR spectrum. Figure 6 shows \u0393, \u03be, and \u03b7 for the cases with Hc2 = 0 (magenta lines) and Hc2 = +1 (cyan lines), for the model parameters relevant to cluster shocks and Qi = 3.5 and 3.8. The case for 1D planar shocks with \u03b2 = 40, calculated by following the VS99 approach (black lines), where \u22121 \u2272Hc2 \u2272\u22120.85, is also plotted for comparison. Again the green lines show the results for gasdynamic shocks without Alfv\u00b4 enic drift. The scattering center compression ratio, rsc, is smaller for larger Hc2, resulting in steeper \u0393, hence, smaller \u03be and \u03b7. For weak cluster shocks with 2 \u2272Ms \u22723 and isotropic downstream waves with Hc2 = 0, the CR acceleration e\ufb03ciency is 10\u22123 \u2272\u03b7 \u227210\u22122 for Qi = 3.5 and 2 \u00d7 10\u22124 \u2272\u03b7 \u22721.5 \u00d7 10\u22123 for Qi = 3.8. For the case of dominantly forward waves with Hc2 = +1, on the other hand, 7 \u00d7 10\u22124 \u2272\u03b7 \u22724 \u00d7 10\u22123 for Qi = 3.5 and 10\u22124 \u2272\u03b7 \u22727 \u00d7 10\u22124 for Qi = 3.8. Our results indicate that \u03b7 could be reduced by \u201ca factor of up to \u223c5\u201d due to Alfv\u00b4 enic drift alone. Thus, to quantify the CR acceleration e\ufb03ciency, it could be crucial not only to constrain the injection parameter Qi through plasma simulations, but also to account for Alfv\u00b4 enic drift e\ufb00ects. 4. SUMMARY We study the e\ufb00ects of Alfv\u00b4 enic drift on the DSA of CR protons at weak shocks in high beta ICM plasmas. We assume that upstream Alfv\u00b4 en waves are self-excited by CR protons via resonant streaming instability at parallel shocks (Lucek & Bell 2000; Schure et al. 2012). Such waves are mostly backward, moving anti-parallel to the background \ufb02ow (Bell 1978), so they can be characterized by the cross-helicity of Hc1 \u2248\u22121 (see Equation (3) for the de\ufb01nition of Hc). Since CR protons are scattered and isotropized in the local wave frame, the scattering center compression ratio, rsc, in Equation (8), which accounts for the mean drift of Alv\u00b4 en waves, determines the spectral index, \u0393, of the CR spectrum in the test-particle limit. We \ufb01rst consider 1D planar shocks where the transport of Alfv\u00b4 en waves across the shock transition is described in the small wave amplitude limit (b \u2261\u03b4B/B \u226a 1) (Vainio & Schlickeiser 1998, and V99). In this limit, as noted by VS99, Alfv\u00b4 enic drift may increase or decrease rsc, depending on the shock parameters. This results in the CR spectra either \ufb02atter or steeper, compared to that for gasdynamic shocks without Alfv\u00b4 enic drift. For shocks with Ms \u22723 and \u03b2 \u2261(MA/Ms)2 \u223c 40 \u221280, a mixture of backward and forward waves are present in the postshock region with the postshock crosshelicity estimated to \u22121 \u2272Hc2 \u2272\u22120.85, leading to only a slight decrease of \u0393 (see Figure 3). That is, for weak cluster shocks, rsc \u2248rgas and \u0393 \u2248\u0393gas, and so the effects of Alfv\u00b4 enic drift on the DSA e\ufb03ciency are only marginal (see Figure 5). We then consider two additional, physically motivated cases: (1) downstream waves are isotropic with Hc2 \u22480, and (2) they are dominantly forward with Hc2 \u2248+1. The former could be realistic, if waves are isotropized via a variety of MHD and plasma processes including turbulence while they cross the shock transition. The latter may be relevant, if the CR pressure distribution peaks at the shock as in spherical SNR shocks or evolving planar shocks. In these two cases, Alfv\u00b4 enic drift causes the CR spectrum to be steeper, which results in signi\ufb01cant reductions of the CR injection fraction, \u03be, and the CR acceleration e\ufb03ciency, \u03b7 (see Figure 6). In the case of Hc2 \u2248+1, for example, the CR proton acceleration ef\ufb01ciency for shocks with Ms \u22723 and \u03b2 \u224840 could be reduced by \u201ca factor of up to 5\u201d, compared to that for gasdynamic shocks. So we conclude that the Alfv\u00b4 enic drift e\ufb00ects on the DSA e\ufb03ciency could be substantial at weak cluster shocks. We note that the CR acceleration e\ufb03ciency is most sensitive to the injection momentum, or, the injection parameter, Qi, de\ufb01ned in Equation (11). Increasing Qi from 3.5 to 3.8 (about 10 %), for instance, reduces \u03b7 by a factor of 5 \u22127. For parallel shocks with small obliquity angles, we expect that Qi = 3.5\u22123.8 would be a reasonable range. Thus, in order to reliably estimate the CR proton acceleration e\ufb03ciency at weak cluster shocks, it is important to understand the kinetic plasma processes that govern the particle injection to Fermi I acceleration at collisionless shocks at high beta plasmas. We suggest \u03b7 could vary in a wide range of 10\u22124\u221210\u22122 for weak cluster shocks with Ms \u22482 \u22123, depending on Hc2, \u0398Bn, and \u03b2. Such estimate could be smaller by up to an order of magnitude than that adopted in the previous studies such as Vazza et al. (2016). So this study \f10 Kang & Ryu implies that there remains room for the DSA prediction for CR proton acceleration at cluster shocks to be compatible with non-detection of \u03b3-ray emission from galaxy clusters (Ackermann et al. 2014, 2016). Yet, we emphasize that eventually detailed quantitative studies of DSA at weak cluster shocks using kinetic plasma simulations should be crucial for solving this problem. We thank the anonymous referee for constructive comments. H.K. was supported by the Basic Science Research Program of the NRF of Korea through grant 2017R1D1A1A09000567. D.R. was supported by the NRF of Korea through grants 2016R1A5A1013277 and 2017R1A2A1A05071429. The authors also thank R. Schlickeiser for helpful comments during the initial stage of this work."
+ },
+ {
+ "url": "http://arxiv.org/abs/1706.03548v1",
+ "title": "Particle Acceleration at Structure Formation Shocks",
+ "abstract": "Cosmological hydrodynamic simulations have demonstrated that shock waves\ncould be produced in the intergalactic medium by supersonic flow motions during\nthe course of hierarchical clustering of the large-scale-structure in the\nUniverse. Similar to interplanetary shocks and supernova remnants (SNRs), these\nstructure formation shocks can accelerate cosmic ray (CR) protons and electrons\nvia diffusive shock acceleration. External accretion shocks, which form in the\noutermost surfaces of nonlinear structures, are as strong as SNR shocks and\ncould be potential accelerations sites for high energy CR protons up to\n$10^{18}$ eV. But it could be difficult to detect their signatures due to\nextremely low kinetic energy flux associated with those accretion shocks. On\nthe other hand, radiative features of internal shocks in the hot intracluster\nmedium have been identified as temperature and density discontinuities in X-ray\nobservations and diffuse radio emission from accelerated CR electrons. However,\nthe non-detection of gamma-ray emission from galaxy clusters due to $\\pi^0$\ndecay still remains to be an outstanding problem.",
+ "authors": "Hyesung Kang",
+ "published": "2017-06-12",
+ "updated": "2017-06-12",
+ "primary_cat": "astro-ph.HE",
+ "cats": [
+ "astro-ph.HE"
+ ],
+ "main_content": "Introduction In [1] shocks in the intracluster medium (ICM) appeared as candidate acceleration sites for ultra-highenergy cosmic rays (CRs) in the so-called \u2018Hillas diagram\u2019, in which the maximum energy of CR nuclei achievable by a cosmic accelerator was estimated from the con\ufb01nement condition: Emax(ZeV) \u223cz \u00b7 \u03b2a \u00b7 B\u00b5G \u00b7 LMpc, (1) where Emax is given in units of 1021 eV, z is the charge of CR nuclei, and \u03b2a = va/c, B\u00b5G, and LMpc are the characteristic speed, the magnetic \ufb01eld strength in units of microgauss, and the size in units of Mpc of the accelerator, respectively. For shocks associated with galaxy clusters with \u03b2a \u223c0.01, B\u00b5G \u223c1, LMpc \u223c1, CR protons could be accelerated up to \u223c1019 eV. [2] \ufb01rst suggested that cosmic shocks induced by the structure formation can accelerate CR protons up to Email address: hskang@pusan.ac.kr (Hyesung Kang) 1019.5 eV via di\ufb00usive shock acceleration (DSA). Independently and more or less simultaneously, [3] showed, using cosmological hydrodynamic simulations, that accretion shocks around galaxy clusters have vs \u223c3 \u00d7 103 km s\u22121, and suggested that, for the Bohm di\ufb00usion with microgauss magnetic \ufb01elds, the maximum energy of protons achieved via DSA by cluster accretion shocks is limited to \u223c60 EeV (\u03c4acc = \u03c4pion), due to the energy loss via photo-pion interactions with the cosmic background radiation (see Figure 1). Adopting simple models for magnetic \ufb01eld strength and DSA, and an analytic relation between the cluster temperature and the spherical accretion shock, [4] showed that the CR protons from a cosmological ensemble of cluster accretion shocks could make a signi\ufb01cant contribution to the observed CR \ufb02ux near 1019 eV. Observational evidence for the electron acceleration by a cluster accretion shock was \ufb01rst suggested by [5] who proposed that di\ufb00use radio relics detected in the outskirts of several clusters could be di\ufb00use synchrotron emission from fossil electrons re-energized by arXiv:1706.03548v1 [astro-ph.HE] 12 Jun 2017 \fH. Kang / Nuclear and Particle Physics Proceedings 00 (2021) 1\u20138 2 Figure 1: Energy loss time scales for CR protons due to pairproduction (\u03c4pair, thick dashed line) and pion-production (\u03c4pion, thin dashed) on the cosmic background radiation. The thick solid line represents the time scale due to the sum of the two loss processes. Shock acceleration time scales for Bohm (\u03c4Bohm, dot-dashed) and Jokipii (\u03c4Jokippi, thin solid) di\ufb00usion at the shock with us = 103 km s\u22121 and B = 1 \u00b5G [4]. accretion shocks. Since the discovery of a shock in the Bullet cluster (1E 0657-56) [6], about a dozen of shocks have been detected as sharp discontinuities in Xray temperature or surface brightness in mainly merging clusters [7, 8]. Moreover, giant radio relics such as the Sausage relic in CIZA J2242.8+5301 and the Toothbrush relic in 1RXS J0603.3+4214 are thought to result from merger-driven shocks, since most of observed properties can be explained by synchrotron emission from shock-accelerated electrons cooling behind the shock [9, 10]. So the presence of cosmic shocks in the ICM within a few Mpc from the cluster center has been established, although shocks in lower density \ufb01laments await to be detected by future observational facilities [11, 12]. In this contribution, we review the properties of structure formation shocks, the physical processes involved in the acceleration of CR ions and electrons at collisionless shocks, and observational signatures of shocks and nonthermal particles in the ICM. 2. Properties of Structure Formation Shocks The properties and energetics of cosmological shocks have been studied extensively, using numerical simulations for the large-scale-structure (LSS) formation [e.g., 13, 14, 15, 16, 17, 18]. The average spatial frequency y(Mpc) 42 44 46 48 50 52 54 44 46 48 50 52 54 y(Mpc) 42 44 46 48 50 52 54 44 46 48 50 52 54 y(Mpc) 42 44 46 48 50 52 54 44 46 48 50 52 54 log(T) y(Mpc) 42 44 46 48 50 52 54 44 46 48 50 52 54 Mach Number Figure 2: Two-dimensional slice showing X-ray emissivity, gas density, temperature, and shock locations around a galaxy cluster in a structure formation simulation. Strong external accretion shocks form in the outer surfaces of the cluster, while weak internal shocks reside inside the virialized central region [14]. between shock surfaces is \u223c1 Mpc\u22121 inside nonlinear structures of clusters, \ufb01laments, and sheets. These shocks can be classi\ufb01ed mainly into two categories: (1) external accretions shocks with the Mach number, 3 \u2272Ms \u2272100, that form around the outermost surfaces of nonlinear structures, and (2) internal shocks mostly with Ms \u22725 that form in the hot ICM inside nonlinear structures [14]. In Figure 2, external accretion shocks encompassing the cluster coincide with the region with sharp temperature discontinuities, indicating high Mach number shocks. On the other hand, weak internal shocks within a few Mpc from the cluster center are associated with mild temperature variations. The presence of internal shocks has been con\ufb01rmed in many merging clusters, while radiative signature of external accretion shocks have not been detected so far due to very low surface brightness. Weak internal shocks with 2 \u2272Ms \u22723 have high kinetic energy \ufb02ux and are responsible for most of the shock energy dissipation into heat and nonthermal components of the ICM such as CRs, magnetic \ufb01elds, and turbulence. By adopting a DSA model of CR proton acceleration, [14] predicted that the ratio of the CR proton to gas thermal energies dissipated at all cosmological shocks through the history of the Universe could be substantial, perhaps up to 50%. However, this estimate has to be revised to signi\ufb01cantly lower values as we will \fH. Kang / Nuclear and Particle Physics Proceedings 00 (2021) 1\u20138 3 discuss in Section 5. 3. Turbulence and Magnetic Fields in Large-ScaleStructure Magnetic \ufb01eld is one of the key elements that govern the plasma processes at collisionless shocks and radiative signatures of accelerated particles. The intergalactic space is observed to be permeated with magnetic \ufb01elds and \ufb01lled with turbulence and CRs, similar to the interstellar medium within our Galaxy [15, 19, 20, 11, 12]. Analysis of the rotation measure data for Abell clusters indicates that the mean magnetic \ufb01eld strength ranges up to several \u00b5G in the ICM [21, 22]. Using hydrodynamic and mageneto-hydrodynamic (MHD) simulations for the structure formation, it has been suggested that turbulence could be produced in the ICM by cascade of the vorticity generated behind cosmological shocks or by merger-driven \ufb02ow motions, and that the intergalactic magnetic \ufb01elds could be ampli\ufb01ed via turbulence dynamo [19, 23, 24, 25]. The seed \ufb01elds might have been injected into the ICM via galactic winds and AGN jets or originate from some primordial processes [20, 11, 12]. This turbulence dynamo scenario typically predicts that the energy budget among di\ufb00erent components in the ICM could be Eturb \u223c0.1Eth and EB \u223c0.01Eth, where Eth is the thermal energy density [19]. As shown in Figure 3, the volume-averaged magnetic \ufb01eld strength ranges 0.1 \u22121 \u00b5G in the ICM (T > 107 K) and 0.01 \u22120.1 \u00b5G in \ufb01laments (105 < T < 107 K), which seems to be consistent with observations [22, 21]. In the peripheral regions \u223c5 Mpc away from the cluster center where external accretions are expected to form, the magnetic \ufb01eld strength should be similar to that of \ufb01laments, i.e., \u223c0.01 \u22120.1 \u00b5G. The magnetic \ufb01elds should be much weaker in sheet-like structures and voids, but neither theoretical nor observational estimates are well de\ufb01ned in such low density regions. Relativistic protons and electrons with the same rigidity (R = pc/ze) are accelerated in the same way in DSA regime. But for the particle injection to the DSA process, the obliquity angle, \u0398Bn, becomes an important factor. At quasi-parallel shocks (\u0398Bn \u227245\u25e6), where the magnetic \ufb01eld direction is roughly parallel to the \ufb02ow velocity, MHD waves are self-generated due to streaming of CR protons upstream of the shock, and protons are injected/accelerated e\ufb03ciently to high energies via DSA [26, 27, 28]. At quasi-perpendicular shocks (\u0398Bn \u227345\u25e6), on the other hand, electrons tend to be re\ufb02ected at the shock front and accelerated via shock drift acceleration (SDA) and may further go through the Figure 3: Magnetic \ufb01eld ampli\ufb01cation based on turbulence dynamo in a structure formations simulation. Volume-averaged (left) and massaveraged (right) magnetic \ufb01eld strength as a function of redshift z for the intergalactic medium in four temperature ranges, T > 107 K (red, ICM), T = 105 \u2212107 K (blue, WHIM), T = 104 \u2212105 K (cyan), and T < 104 K (green), and for all (black) the gas [19]. Fermi I acceleration process, if they are scattered by plasma waves excited in the preshock region [29]. In addition to \u0398Bn, excitation of MHD/kinetic waves by plasma instabilities and wave-particle interactions at collisionless shocks depend on the shock parameters such as the plasma beta, \u03b2p = Pgas/PB, and the Alfv\u00b4 en Mach number, MA \u2248p\u03b2pMs. For the internal ICM shocks, \u03b2p \u223c50, Ms \u22723, and MA \u227220. So they are super-critical, i.e., MA > Mcrit, where the critical Mach Number is Mcirt \u223c1 \u22121.5 for high beta plasma, and some ions are re\ufb02ected specularly at the shock ramp, independent of the obliquity angle [30]. In the foreshock region, some of incoming ions and electrons are re\ufb02ected upstream, and the drift between incoming and re\ufb02ected particles may excite plasma waves via various micro-instabilities, depending on the shock parameters. For low beta plasma (\u03b2p \u22721), at high MA quasiperpendicular shocks (MA \u2273p\u03b2pmp/me/2) the Buneman instability is known to excite electrostatic waves, leading to the shock-sur\ufb01ng-acceleration of electrons in the shock foot [31]. For low MA quasi-perpendicular shocks (MA \u2272 pmp/me/2), on the other hand, the modi\ufb01ed two stream instability could generate oblique whistler waves, which result in the pre-heating of thermal electrons to a \u03ba-like suprathermal distribution [32]. 4. Electron Acceleration at Cosmological Shocks Plasma kinetic processes govern the preacceleration of electrons in the shock transition zone, which leads to the injection of CR electrons to the Fermi I process. Figure 4 shows thermal and suprathermal distributions of electrons and protons for the gas with kT \u22484.3 keV. \fH. Kang / Nuclear and Particle Physics Proceedings 00 (2021) 1\u20138 4 Figure 4: Momentum distribution, p3 f(p), of electrons and protons for the gas with kT \u22484.3 keV in the case of the \u03ba-distributions with \u03ba = 2, 3, 5, and 10. The Maxwellian distributions are shown in black solid lines. The vertical lines indicate the range of the injection momentum of pinj = (3.5 \u22124) pth,p above which particles can be injected into the DSA process [33]. The particle momentum should be greater than a few times the postshock thermal proton momentum (pth,p) to cross the shock transition. So thermal electrons with pth,e = pth,p pme/mp need to be pre-accelerated to the injection momentum, pinj \u223c3.5pth,p, before they can start participating to the full DSA process [34]. Such injection from the thermal Maxwellian pool is expected to be very ine\ufb03cient, especially at low Mach number shocks, and depend very sensitively on the shock Mach number. But if there are suprathermal electrons with the \u03ba-like power-law tail, instead of the Maxwellian distribution, the injection and acceleration of electrons can be enhanced greatly even at weak cluster shocks [33]. As illustrated in Figure 4, the particle injection \ufb02ux at pinj is larger for a \u03ba-distribution with a smaller value of \u03ba. So the development of a \u03ba-like suprathermal distribution is critical in the electron acceleration via DSA. In the case of low MA quasi-perpendicular shocks in the high beta ICM plasma, some incoming electrons are mirror re\ufb02ected at the shock ramp and gain energy via multiple cycles of SDA, while protons can go through a few SDA cycles with only minimal energy gains [29]. In the foreshock of such weak shocks, the electron \ufb01rehose instability induces oblique magnetic waves, which in turn provide e\ufb03cient scattering necessary to energize the thermal electrons to suprathermal energies, leading to e\ufb03cient injection to the DSA process. This picture is consistent with the observational fact that the magnetic \ufb01eld obliquity is typically quasi-perpendicular at giant radio relics such as the Sausage relic [9], and the double relic in the cluster PSZ1 G108.18 [35]. Radio relics are di\ufb00use radio structures detected in the outskirts of merging galaxy clusters. Their observed properties can be best understood by synchrotron emission from relativistic electrons accelerated at mergerdriven shocks: elongated morphologies over \u223c2 Mpc, spectral aging across the relic width (behind the putative shock), integrated radio spectra of a power-law form with gradual steepening above \u223c2 GHz, and high polarization levels [9, 10, 11, 36]. The sonic Mach number of a relic shock can be estimated from either radio or X-ray observations, using the radio spectral index relation, \u03b1sh = (M2 rad + 3)/2(M2 rad \u2212 1), or the X-ray temperature jump condition, T2/T1 = (M2 X + 3)(5M2 X \u22121)/16/M2 X, respectively. In some radio relics, the two estimates are di\ufb00erent, i.e., MX < Mrad, indicating that the simple DSA origin of radio relics might not explain the observed properties [37]. For example, MX \u22481.2 \u22121.5 and Mrad \u22483.0 for the Toothbrush relic [38], while MX \u22482.7 and Mrad \u22484.6 for the Sausage relic [9, 39]. Such discrepancy could be explained by the two following scenarios based on DSA: (1) injection-dominated model in which Ms \u2248Mrad and MX is under-estimated due to projection e\ufb00ects in Xray observation [40], and (2) reacceleration-dominated model in which preexisting electrons with a \ufb02at energy spectrum is reaccelerated by a weak shock with Ms \u2248MX [41, 42]. Figure 5 illustrates that such two viable scenarios, albeit with di\ufb00erent sets of model parameters, could reproduce the observed surface brightness and spectral index pro\ufb01les of the Toothbrush relic [38]. Using structure formation simulations, [40] carried out mock observations of radio relic shocks detected in simulated clusters and showed that X-ray observations are inclined to detect weaker shocks due to projection e\ufb00ects, while radio observations tend to observe stronger shocks with \ufb02atter radio spectra. This naturally supports the injection-dominated model, in which MX tends to be smaller than Mrad for a given radio relic. The ICM is thought to contain fossil relativistic electrons left over from tails and lobes of extinct AGNs. Mildly relativistic electrons with \u03b3e \u2272102 survive for long periods of time, since the cooling time scale of electrons in B \u223c1 \u00b5G is trad \u22481010 yr \u00b7 (102/\u03b3e). They could provide seed electrons to the DSA process, which alleviates the low injection/acceleration e\ufb03ciency problem at weak cluster shocks in the case of the injectiondominated model. If we conjecture that radio relics form when the ICM shocks encounter fossil mildly relativistic electrons with \u03b3e \u2272102, then the model may explain why only about 10 % of merging clusters contain radio relics [42]. The so-called infall shocks form in the cluster outskirts when the WHIM from adjacent \ufb01laments pene\fH. Kang / Nuclear and Particle Physics Proceedings 00 (2021) 1\u20138 5 Figure 5: DSA modeling for the Toothbrush relic: reaccelerationdominated model with a Ms \u22481.6 shock (left panels) and injectiondominated model with a Ms = 3.0 shock (right panels). Radio \ufb02ux density S \u03bd at 150 MHz (top) and at 610 MHz (middle), and the spectral index \u03b1610 150 between the two frequencies (bottom) are plotted as a function of the projected distance behind the shock (relic edge), R(kpc) [42]. The magenta dots are the observational data of the head portion of the Toothbrush relic [38]. trates deeply into the ICM [43]. They have relatively high Mach numbers (Ms \u22733) and large kinetic energy \ufb02uxes, so they could contribute to a signi\ufb01cant fraction of CR production in clusters with actively infalling \ufb01laments. So some radio relics with relatively \ufb02at radio spectra found in the cluster outskirts could be explained by these energetic infall shocks. Although there still remain a few puzzles regarding the DSA origin of radio relics, it is well received that shocks should be induced in merging galaxy clusters and radio relics could be radiative signatures of relativistic electrons accelerated at those shocks [11, 12]. 5. Proton Acceleration at Cosmological Shocks In the precursor of quasi-parallel shocks, CR protons streaming ahead of the shock are known to excite both resonant and non-resonant waves and amplify the turbulent magnetic \ufb01elds by orders of magnitude [44, 26]. According to hybrid simulations by [27], the CR proton acceleration is e\ufb03cient only for quasi-parallel shocks with \u0398Bn \u227245\u25e6, and about 6 \u221210% of the postshock energy is transferred to CR proton energy for shocks with MA \u223c5 \u221210. For quasi-perpendicular shocks, on the other hand, protons go through only a few cycles of SDA before they advect downstream away from the shock. So scattering waves are not self-generated in the preshock region, and thus the CR proton acceleration is very ine\ufb03cient. Note that for these simulations, \u03b2p \u223c1 and MA \u223cMs, so the quantitative estimates for the CR acceleration e\ufb03ciency may be di\ufb00erent for the ICM shocks in high beta plasmas. Based on cosmological simulations with magnetic \ufb01elds, the shock obliquity angle is expected to have the random orientation in the ICM and at surrounding accretions shocks [19]. Then the probability distribution function for the obliquity angle scales as P(\u0398Bn) \u221dsin \u0398Bn, so only \u223c30% of all cosmological shocks have the quasi-parallel con\ufb01guration and accelerate CR protons [45]. Using cosmological hydrodynamic simulations, the \u03b3-ray emission from galaxy clusters have been estimated by modeling the production of CR protons and electrons at structure formation shocks in several studies [e.g., 46, 47, 48, 45]. Inelastic collisions of shockaccelerated protons with thermal protons produce neutral pions, which decay into \u03b3-ray photons (hadronic origin) [46]. Inverse Compton upscattering of the cosmic background radiation by shock-accelerated primary CR electrons and by secondary CR electrons generated by decay of charged pions also provides \u03b3-ray emission (leptonic origin) [49]. It has been shown that the hadronic \u03b3-ray emission is expected to dominate over the leptonic contribution in the central ICM within the virial radius [e.g., 48]. The key parameters in predicting the \u03c00 decay \u03b3ray emission are the CR proton acceleration e\ufb03ciency, \u03b7(Ms), de\ufb01ned as the ratio of the CR energy \ufb02ux to the shock kinetic energy \ufb02ux, and the volume-averaged ratio of the CR to thermal pressure in the ICM, \u27e8XCR\u27e9= \u27e8PCR\u27e9/\u27e8Pth\u27e9[15, 50, 48]. Adopting the DSA e\ufb03ciency model in which \u03b7 \u22480.1 for Ms \u22483 given in [51], for example, [48] estimated that \u27e8XCR\u27e9\u22480.02 for Coma-like clusters. In [50], in which a thermal-leakage injection model was implemented to DSA simulations, the e\ufb03ciency is estimated to be \u03b7 \u22480.01 \u22120.1 for Ms \u22483 \u22125 shocks. Note that in this DSA model the e\ufb03ciency depends sensitively on the assumed injection model as well as Ms. Recently, [45] tested several di\ufb00erent prescriptions for the DSA e\ufb03ciency by comparing the \u03b3-ray \ufb02ux from simulated clusters with the Fermi-LAT upper-limit \ufb02ux levels of observed clusters. Even with the relatively less e\ufb03cient model based on the hybrid simulation results of [27], in which \u03b7 \u22480.05 for MA = 5 quasi-parallel shocks, and the consideration of the random magnetic \ufb01eld directions, they \ufb01nd that about 10-20 % of simu\fH. Kang / Nuclear and Particle Physics Proceedings 00 (2021) 1\u20138 6 Figure 6: Physical processes and observational signatures expected to operate at structure formation shocks lated clusters have the predicted \u03b3-ray \ufb02ux levels above the Fermi-LAT upper limits. So the authors suggested that only if \u03b7 \u226410\u22123 for all Mach number shocks, which results in the average value of \u27e8XCR\u27e9\u22720.01 in the ICM, the predicted \u03b3-ray \ufb02uxes from simulated clusters can stay below the Fermi-LAT upper limits. This agrees with the conclusion of [52], which predicted \u27e8XCR\u27e9\u22720.0125 \u22120.014 based on the analysis of four year Fermi-LAT data. Non-detection of \u03b3-ray emission from galaxy clusters might be explained, if the CR proton acceleration is much less e\ufb03cient than expected in the current DSA theory (i.e. \u03b7 \u227210\u22123 for Ms \u223c3). In that regard, the proton acceleration at weak shocks in the low density, high beta ICM plasma needs to be investigated further, since so far most of hybrid/PIC plasma simulations have focused on strong shocks in \u03b2p \u22721 ISM and solar wind plasma. Finally, armed with our new understandings based on the recent plasma hybrid simulations [27, 28], it is worth examining if strong accretions shock can accelerate CR protons to ultra-high energies. The protons are expected to be accelerated e\ufb03ciently via DSA only in the quasiparallel portion of the outermost surfaces encompassed with accretion shocks. There magnetic \ufb01elds could be ampli\ufb01ed via Bell\u2019s non-resonant hybrid instability by a factor of B/B0 \u221d\u221aMA [28], where B0 \u223c0.01\u00b5G and MA \u223c300. So it is reasonable to assume the magnetic \ufb01eld strength at external accretion shocks is B \u223c0.1\u00b5G, about one order of magnitude smaller than that typically adopted in the previous studies [e.g., 2, 3]. Considering the photo-pair energy losses, protons can be accelerated up to Ep,max \u223c1018 eV at quasi-parallel accretion shocks (see Figure 1). 6. Summary 1. Astrophysical plasmas consist of both thermal and CR particles that are closely coupled with permeating magnetic \ufb01elds and underlying turbulent \ufb02ows. So understanding the complex network of physical interactions among these components, especially in the high beta collisionless ICM plasma, is crucial to the study of the particle acceleration at structure formation shocks (see Figure 6). 2. Gravitational energy associated with hierarchical clustering of the large-scale-structures must be dissipated at structure formation shocks into several di\ufb00erent forms: heat, CRs, turbulence and magnetic \ufb01elds [14]. 3. The vorticity generated by curved shocks decays into turbulence behind the shock, which in turn cascades into MHD/plasma waves in a wide range of scales and amplify magnetic \ufb01eld via turbulence dynamo [19]. 4. There is growing observational evidence indicating the presence of weak shocks, relativistic electrons, \fH. Kang / Nuclear and Particle Physics Proceedings 00 (2021) 1\u20138 7 microgauss level magnetic \ufb01elds, and turbulence in the ICM of galaxy clusters [12]. 5. CR protons are expected to be accelerated mainly at quasi-parallel shocks. For weak internal shocks (Ms \u22723) with high kinetic energy \ufb02uxes that form in the ICM, the CR proton acceleration e\ufb03ciency is likely to be \u03b7 < 0.01 in order to explain the nondetection of \u03b3-ray emission from galaxy clusters due to inelastic p-p collisions in the ICM [45]. 6. At quasi-parallel portion of strong external accretion shocks, CR protons could be accelerated to \u223c1018 eV, if the preshock magnetic \ufb01elds can be ampli\ufb01ed to \u223c0.1\u00b5G via CR streaming instabilities [3, 27]. 7. CR electrons are expected to be accelerated preferentially at quasi-perpendicular shocks [29]. Radio relics detected in the outskirts of merging clusters seem to reveal radiative signatures of relativistic electrons accelerated at merger-driven shocks mostly with Ms \u223c2 \u22123 [41]. 8. The injection of protons and electrons from thermal or suprathermal populations to the DSA process at collisionless shocks involves plasma kinetic processes such as excitation of waves by microinstabilities as well as shock drift acceleration and shock sur\ufb01ng acceleration [33]. During the last decade signi\ufb01cant progress been made in that front through PIC/hybrid plasma simulations of nonrelativistic shocks [27, 29]. 7. Acknowledgements This work was supported by the National Research Foundation of Korea through grants NRF2014R1A1A2057940 and NRF-2016R1A5A1013277. The author would like to thank D. Ryu for helpful comments on the paper."
+ },
+ {
+ "url": "http://arxiv.org/abs/1703.00171v2",
+ "title": "Shock Acceleration Model for the Toothbrush Radio Relic",
+ "abstract": "Although many of the observed properties of giant radio relics detected in\nthe outskirts of galaxy clusters can be explained by relativistic electrons\naccelerated at merger-driven shocks, significant puzzles remain. In the case of\nthe so-called Toothbrush relic, the shock Mach number estimated from X-ray\nobservations ($M_{\\rm X}\\approx1.2-1.5$) is substantially weaker than that\ninferred from the radio spectral index ($M_{\\rm rad}\\approx2.8$).Toward\nunderstanding such a discrepancy, we here consider the following diffusive\nshock acceleration (DSA) models:(1) weak-shock models with $M_{\\rm s}\\lesssim\n2$ and a preexisting population of cosmic-ray electrons (CRe) with a flat\nenergy spectrum,and (2) strong-shock models with $M_{\\rm s}\\approx3$ and either\nshock-generated suprathermal electrons or preexisting fossil CRe. We calculate\nthe synchrotron emission from the accelerated CRe, following the time evolution\nof the electron DSA, and subsequent radiative cooling and postshock turbulent\nacceleration (TA). We find that both models could reproduce reasonably well the\nobserved integrated radio spectrum of the Toothbrush relic, but the observed\nbroad transverse profile requires the stochastic acceleration by downstream\nturbulence, which we label \"turbulent acceleration\" or TA to distinguish it\nfrom DSA. Moreover, to account for the almost uniform radio spectral index\nprofile along the length of the relic, the weak-shock models require a preshock\nregion over 400~kpc with a uniform population of preexisting CRe with a high\ncutoff energy ($\\gtrsim 40$ GeV). Due to the short cooling time, it is\nchallenging to explain the origin of such energetic electrons. Therefore, we\nsuggest the strong-shock models with low-energy seed CRe ($\\lesssim 150$~MeV)\nare preferred for the radio observations of this relic.",
+ "authors": "Hyesung Kang, Dongsu Ryu, T. W. Jones",
+ "published": "2017-03-01",
+ "updated": "2017-06-05",
+ "primary_cat": "astro-ph.HE",
+ "cats": [
+ "astro-ph.HE"
+ ],
+ "main_content": "INTRODUCTION Some galaxy clusters contain di\ufb00use, peripheral radio sources on scales as large as \u223c2 Mpc in length, called \u2018giant radio relics\u2019 (see, e.g., Feretti et al. 2012; Br\u00a8 uggen et al. 2012; Brunetti & Jones 2014, for reviews). Typically they show highly elongated morphologies, radio spectra relatively constant along the length of the relic, but steepening across the width, and high linear polarization (En\u00dflin et al. 1998; van Weeren et al. 2010). Moreover, they have integrated radio spectra with a power-law form at low frequencies, but that steepen above gigaherts frequencies (Stroe et al. 2016). Previous studies have demonstrated that such observational features can often be understood as synchrotron emission from \u227310 GeV electrons in \u223c\u00b5G magnetic \ufb01elds, accelerated via di\ufb00usive shock acceleration (DSA) at merger-driven shock waves in the cluster periphery (e.g., Kang et al. 2012). Yet, signi\ufb01cant questions remain in the merger-shock DSA model of radio relics. Three of the troublesome issues are (1) low DSA e\ufb03ciencies predicted for electrons injected in situ and accelerated at weak, Ms \u22723, shocks that are expected to form in merging clusters (e.g., Ryu et al. 2003; Kang et al. 2012); (2) inconsistencies of the X-ray based shock strengths with radio synchrotronbased shock strengths with the X-ray measures typically indicating weaker shocks (e.g., Akamatsu & Kawahara 2013; Ogrean et al. 2014); and (3) a low fraction (\u227210 %) of observed merging clusters with detected radio relics (e.g., En\u00dflin & Gopal-Krishna 2001; Kang 2016a). According to structure formation simulations, the mean separation between shock surfaces is \u223c1 Mpc, and the mean lifetime of intracluster medium (ICM) shocks is tdyn \u223c1 Gyr (e.g., Ryu et al. 2003; Pfrommer et al. 2006; Skillman et al. 2008; Vazza et al. 2009). So, actively merging clusters are expected to contain several shocks, and we might actually expect multiple radio relics in typical systems. Some of these di\ufb03culties could be accounted for in a scenario in which a shock may light up as a radio relic only when it encounters a preexisting cloud of fossil relativistic electrons in the ICM (e.g., En\u00dflin 1999; Kang & Ryu 2015). Here, we focus on issue (2) above. To set up what follows, we note that in the test-particle DSA model for a steady, planar shock, nonthermal electrons that are injected in situ and accelerated at a shock of sonic Mach number Ms form a power-law momentum distribution, fe(p, rs) \u221dp\u2212q with q = 4M 2 s /(M 2 s \u22121) (Drury 1983). Based on this result and the relation \u03b1sh = (q \u22123)/2 between q and the synchrotron spectral index at the shock, \u03b1sh (with j\u03bd \u221d\u03bd\u2212\u03b1), the Mach number of the hypothesized relic-generating shock is then commonly inferred from its radio spectral index using the relation \u03b1sh = (M 2 rad + 3)/2(M 2 rad \u22121). On the other hand, the shock Mach number can be also estimated from the temperature discontinuity obtained from X-ray observations, using the shock jump condition, T2/T1 = (M 2 X +3)(5M 2 X \u22121)/16/M 2 X, where the subscripts, 1 and 2, identify the upstream and downstream states, respectively. Sometimes, if the temperature jump is poorly constrained, MX is assessed from an estimate of the density jump, \u03c3 = \u03c12/\u03c11 = 4M 2 X/(M 2 X + 3). Although the radio and X-ray shock measures can agree, sometimes the synchrotron index, \u03b1sh, implies a signi\ufb01cantly higher Mach number, Mrad, than MX. Without subsequent, downstream acceleration, the effects of synchrotron and inverse Compton (iC) \u201ccooling\u201d ( \u02d9 p \u221d\u2212p2) will truncate the postshock electron spectrum above energies that drop with increasing distance from the shock, since cooling times for \u227310 GeV electrons under cluster conditions are generally < 100 Myr (e.g., Brunetti & Jones 2014). That is the standard explanation for observed spectral steepening across the width of the relic (downstream of the shock). For reference, we note that if the shock is steady and planar, and the postshock magnetic \ufb01eld is uniform, this energy loss prescription translates into an integrated synchrotron spectral index, \u03b1int = \u03b1sh + 1/2 (Heavens & Meisenheimer 1987). The spectral index along the northern, \u201cleading\u201d edge of the head portion (B1) of the so-called Toothbrush relic in the merging cluster 1RXS J060303.3 at z = 0.225 is estimated to be \u03b1sh \u22480.8 (q \u22484.6) with the corresponding radio Mach number Mrad \u22482.8 (van Weeren et al. 2016). But the gas density jump along the same edge in B1 inferred from X-ray observations implies a much weaker shock with MX \u22481.2 \u22121.5 (van Weeren et al. 2016). The associated radio index, \u03b1sh \u223c2 \u22125 (q \u223c7 \u221213), is much too steep to account for the observed radio spectrum. Toward understanding this discrepancy between Mrad and MX for the Toothbrush relic, we here consider the following two scenarios for modeling the radio observations of this relic: (1) weak-shock models (Ms \u2272 2) with \ufb02at-spectrum, preexisting cosmic-ray elections (CRe), and (2) strong-shock models (Ms \u22483) with low-energy seed CRe. In the weak-shock models, we adopt a preshock, preexisting population of CRe with the \u201cright\u201d power-law slope, for example, fpre(p) \u221d p\u2212s exp[\u2212(p/pe,c)2] with s = 2\u03b1sh + 3 \u223c4.4, where pe,c/mec > 104 is an e\ufb00ective cuto\ufb00to the spectrum. In the strong-shock models, on the other hand, Ms \u2248Mrad is chosen to match the observed radio spectral index, and low-energy seed CRe (p/mec \u223c30) are assumed to \fShock Acceleration Model for Radio Relics 3 come from either the suprathermal tail population generated at the shock or a preexisting fossil population. In the weak-shock models, the value for pe,c is critical, since the observed emissions at frequencies \u2273100 MHz generally come from electrons with 10 GeV or higher energies (p/mec \u2273104). So, if pe,c/mec \u226a104, the preexisting electron population provides just \u201clow-energy seed electrons\u201d to the DSA process, which for Ms \u22722 would still lead to \u03b1sh \u22731.2, and cannot produce the observed radio spectrum with \u03b1sh \u22480.8. Hence, the weakshock models with Ms \u22722 can reproduce the observed spectral index pro\ufb01le of the Toothbrush relic only with pe,c/mec \u223c7 \u22128 \u00d7 104 (Kang 2016a). Consequently, in order to explain the fact that Mrad > MX for the Toothbrush or similar relics by the weak-shock models, one should adopt a potentially radio-luminous, preexisting electron population with pe,c/mec \u226b104. Preshock radio emission might be observable in this case, of course, unless the shock has already swept through the region containing fossil electrons, so no preshock electrons remain. Such a requirement for large pe,c, however, poses a question about the origin of these preexisting CRe, since the electrons with p/mec \u223c8 \u00d7 104 in a \u00b5G \ufb01eld cool on a brief time scale of trad \u223c10 Myr. In the B1 portion of the Toothbrush relic, the spectral index is observed to be uniform over 400 kpc along its leading edge. This means that in the weak-shock models the length scale of the preshock region containing preexisting CRe with a uniformly \ufb02at spectrum with large pe,c should be as long as 400 kpc, tangential to the shock surface. Moreover, since the shock compression ratio is \u03c3 \u22732 for Ms \u22731.5, while the observed radio width of the head is at least 150 kpc, the width of this uniform preshock region should be \u2273300 kpc along the shock normal direction. Considering the short cooling times for high-energy electrons, it should be di\ufb03cult to explain the origin of such a uniform cloud of preexisting CRe by fossil CRe that were deposited in the past by an active galactic nucleus (AGN) jet, for instance, unless the e\ufb00ective electron dispersion speed across the preshock structure was \u22730.1c, or there was a uniformly e\ufb00ective turbulent acceleration (TA) in e\ufb00ect across that volume. In the strong-shock models with Ms \u22483, on the other hand, the challenge to account for the uniform spectrum at the relic edge becomes less severe, since the models require only low-energy seed CRe (p/mec \u223c30) that could be provided by either the shock-generated suprathermal electrons or preexisting fossil CRe (p/mec \u2272300) with long cooling times (trad \u22733.5 Gyr). In the latter case, the additional requirement for low-energy preexisting CRe to enhance the radio emission may explain why only a fraction of merger shocks can produce radio relics. Such low-energy CRe may originate from previous episodes of shock or turbulence acceleration or AGN jets in the ICM (e.g., En\u00dflin 1999; Pinzke et al. 2013). According to simulations for the large-scale structure formation of the universe, the surfaces of mergerdriven shocks responsible for radio relics are expected to consist of multiple shocks with di\ufb00erent Ms (see, e.g., Skillman et al. 2008; Vazza et al. 2009). From mock Xray and radio observations of relic shocks in numerically simulated clusters, Hong et al. (2015) showed that the shock Mach numbers inferred from an X-ray temperature discontinuity tend to be lower than those from radio spectral indices. This is because X-ray observations pick up the part of shocks with higher shock energy \ufb02ux but lower Ms, while radio emissions come preferentially from the part with higher Ms and so higher electron acceleration. In the strong-shock models, we assume that the B1 portion of the Toothbrush relic represents a portion of the shock surface with Ms \u22483, extending over 400 kpc along the length of the relic. It is important to note that the transverse width across the B1 component of the Toothbrush relic is about two times larger than that of another wellstudied radio relic, the so-callled Sausage relic in CIZA J2242.8+5301. The FWHM at 610 MHz, for example, is about 110 kpc for the Toothbrush relic (van Weeren et al. 2016), while it is about 55 kpc for the Sausage relic (van Weeren et al. 2010). For the high-frequency radio emission from electrons with p/mec \u223c104 radiatively cooled downstream from the shock, the characteristic width of the relic behind a spherical shock is \u2206l\u03bd \u2248120 kpc \u0010 u2 103 km s\u22121 \u0011 \u00b7 Q \u00b7 \u0014\u03bdobs(1 + z) 0.61GHz \u0015\u22121/2 , (1) where u2 is the \ufb02ow speed immediately downstream of the shock and z is the redshift of host clusters (Kang 2016b). We will argue below that relic-producing merger shocks are more spherical in geometry than planar. Note, then, that since the downstream \ufb02ow speed in the shock rest frame increases behind a spherical shock, the advection length in a given time scale is somewhat longer than that estimated for a planar shock (Donnert et al 2016). The factor Q depends on the postshock magnetic \ufb01eld strength, B2, as Q(B2, z) \u2261 \u0014 (5 \u00b5G)2 B2 2 + Brad(z)2 \u0015 \u0012 B2 5 \u00b5G \u00131/2 , (2) where B2 and Brad = 3.24 \u00b5G(1 + z)2 are expressed in units of \u00b5G. The factor Q evaluated, for instance, \f4 Kang, Ryu, & Jones for z = 0.225 peaks with Qmax \u22480.6 with B2 \u22482.8 \u00b5G. Then, with u2 \u2248103 km s\u22121, the maximum width at 610 MHz becomes \u2206l\u03bd \u224865 kpc. Being only about half the observed width of the B1 region of the Toothbrush relic at this frequency, it seems too small to allow the width to be set by radiative cooling alone following acceleration at the shock surface. To overcome such a mismatch, we here consider and include the process in which electrons are additionally accelerated stochastically by MHD/plasma turbulence behind the shock, that is, TA. Along somewhat similar lines, Fujita et al. (2015) recently suggested that radio spectra harder than predicted by the DSA in a weak shock could be explained if relativistic electrons are reaccelerated through resonant interactions with strong Alfv\u00b4 enic turbulence developed downstream of the relic shock. However, on small scales, Alfv\u00b4 enic MHD turbulence is known to become highly anisotropic, so resonant scattering is weak and ine\ufb00ective at particle acceleration (e.g., Brunetti & Lazarian 2007). On the other hand, fast-mode compressive turbulence remains isotropic down to dissipation scales, so it has become favored in treatments of stochastic reacceleration of electrons producing radio halos during cluster mergers (Brunetti & Lazarian 2007, 2011). We emphasize, at the same time, that solenoidal turbulence, likely to be energetically dominant on large scales, could still play a reacceleration role through turbulent magnetic reconnection (e.g., Brunetii & Lazarian 2016) or generation of small-scale slow-mode MHD waves that might interact resonantly with CRe (e.g., Lynn et al. 2014). In our study we do not depend on TA to produce a \ufb02at electron spectrum at the shock, but rather explore its potential role as an e\ufb00ective means of slowing energy loss downstream of the shock. In the next section, we describe our numerical simulations incorporating both DSA and TA for shock-based models designed to explore this problem. In Section 3, our results are compared with the observations of the Toothbrush relic. A brief summary follows in Section 4. 2. NUMERICAL CALCULATIONS 2.1. DSA Simulations for 1D Spherical Shocks According to cosmological simulations (e.g., Ryu et al. 2003; Vazza et al. 2009; Hong et al. 2014), the formation and evolution of cluster shocks can be quite complex and transient with time scale \u22721 Gyr, but the overall morphologies of shock surfaces could be represented by partial surfaces of spherical bubbles blowing outward. As in Kang & Ryu (2015), we here attempt to follow for \u22720.2 Gyr the evolution of a 1D spherical shock, which accounts for deceleration and adiabatic expansion behind the shock (see the Section 2.4 for the details). In our simulations, the di\ufb00usion-convection equation for a relativistic electron population is solved in 1D spherical geometry: \u2202ge \u2202t + u\u2202ge \u2202r = 1 3r2 \u2202(r2u) \u2202r \u0012\u2202ge \u2202y \u22124ge \u0013 + 1 r2 \u2202 \u2202r \u0014 r2\u03ba(r, p)\u2202ge \u2202r \u0015 +p \u2202 \u2202y \u0014Dpp p3 \u0012\u2202ge \u2202y \u22124ge \u0013\u0015 + p \u2202 \u2202y \u0012 b p2 ge \u0013 , (3) where ge(r, p, t) = fe(r, p, t)p4 is the pitch-angleaveraged phase space distribution function of electrons, r is the radial distance from the cluster center, and y \u2261ln(p/mec), with the electron mass, me, and the speed of light, c (Skilling 1975). The background \ufb02ow velocity, u(r, t), is obtained by solving the usual gas dynamic conservation equations in the test-particle limit where the nonthermal pressure is dynamically negligible. The spatial di\ufb00usion coe\ufb03cient for relativistic electrons is assumed to have the following Bohm-like form: \u03ba(r, p) = \u03ba\u2217 \u0012 p mec \u0013 , (4) where \u03ba\u2217= kBohm \u00b7 mec3/(3eB) and kBohm \u22651, with the limiting value representing Bohm di\ufb00usion for relativistic particles. The electron energy loss term, b(p) = \u02d9 pCoul + \u02d9 psync+iC, takes account of Coulomb scattering, synchrotron emission, and iC scattering o\ufb00the cosmic microwave background (CMB) radiation (e.g., Sarazin 1999). For a thermal plasma with the number density nth, the Coulomb cooling rate is \u02d9 pCoul = 3.3 \u00d7 10\u221229nth[1 + ln(\u03b3e/nth)/75], while the synchrotron-iC cooling rate is \u02d9 psync+iC = 3.7\u00d710\u221229(\u03b3e/104)2[(B/3.24\u00b5G)2 +(1+z)4] in cgs units, where z is the redshift. Hereafter, the Lorentz factor, \u03b3e = p/mec, will also be used for relativistic energy. Note that Coulomb cooling was not considered in our previous studies for DSA modeling of radio relics (e.g., Kang et al. 2012; Kang & Ryu 2015; Kang 2016a,b). However, since \u02d9 pCoul \u2273\u02d9 psync+iC for \u03b3e \u2272100 in the cluster outskirts with nth \u224810\u22124 cm\u22123, while tCoul \u223cpe/ \u02d9 pCoul \u2272Gyr for \u03b3e \u227210, Coulomb cooling can, in some cases, signi\ufb01cantly a\ufb00ect the electron spectrum for \u03b3e \u2272104 and also the ensuing radio emissivity at 0.1 \u22121 GHz. The radiative cooling time due to synchrotron-iC losses is given by trad(\u03b3e) = 9.8 \u00d7 107 yr \u0014 (5 \u00b5G)2 B2 + Brad(z)2 \u00152\u0010 \u03b3e 104 \u0011\u22121 . (5) \fShock Acceleration Model for Radio Relics 5 For B = 2.5 \u00b5G and z = 0.225, for example, trad \u2248 8.2 \u00d7 107 yr(\u03b3e/104)\u22121. In order to explore the e\ufb00ects of stochastic acceleration by turbulence, TA, we include the momentum diffusion term and implement the Crank-Nicholson scheme for it in the momentum space into the existing CRASH numerical hydrodynamics code (Kang & Jones 2006). Our simulations all assume a gas adiabatic index \u03b3g = 5/3. Any nonthermal pressures from CRe and magnetic \ufb01elds are dynamically insigni\ufb01cant in our models (see below), so they are neglected. The physical nature of the CRe momentum di\ufb00usion coe\ufb03cient Dpp is discussed in the following section. 2.2. Momentum Di\ufb00usion due to Turbulent Acceleration We pointed out in the Introduction that the recent observations of van Weeren et al. (2016) showed that (1) the transverse FWHMs of the B1 Toothbrush component are 140 kpc at 150 MHz and 110 kpc at 610 MHz, and (2) the spectral index between the two frequencies increases from \u03b1610 150 \u22480.8 at the northern edge to 1.9 at approximately 200 kpc to the south, toward the cluster center. While the systematic spectral steepening suggests postshock electron cooling, these widths are much broader than the cooling length given in Equation (1). In e\ufb00ect, the spectral steepening due to radiative cooling in the postshock region is inconsistent with the observed pro\ufb01les of radio \ufb02uxes and spectral index in this region, unless the e\ufb00ect of cooling is somehow substantially reduced (see Section 3). In response, we explore a scenario in which the postshock electrons gain energy from turbulent waves via Fermi II acceleration, TA, thus mitigating spectral steepening downstream. Turbulence accelerates particles stochastically; that is, if the characteristic momentum shift in a collision is \u2206p and the characteristic scattering time interval is \u2206t, then the resulting momentum di\ufb00usion coe\ufb03cient is Dpp \u223c(\u2206p)2/\u2206t. Since scattering events in turbulence typically lead to \u2206p \u221dp, a convenient general form is Dpp = p2 4 \u03c4acc , (6) where \u03c4acc \u223c(1/4)\u27e8(p/\u2206p)2\u2206t\u27e9is an e\ufb00ective acceleration time scale. If \u03c4acc is independent of momentum, this form with the factor 4 inserted into Equation (3) leads to \u03c4acc = \u27e8p\u27e9/(\u2202\u27e8p\u27e9/\u2202t), where \u27e8p\u27e9is the mean momentum of the distribution, fe(r, p, t). Generally speaking, TA in an ICM context can include nonresonant scattering o\ufb00compressive hydrodynamical (acoustic) turbulence (e.g., Ptuskin 1988), as well as gyro-resonant scattering o\ufb00Alfvenic turbulence (e.g., Fujita et al. 2015) and Landau (also known as Cerenkov or \u201ctransit time damping\u201d, TTD) resonance o\ufb00compressive MHD turbulence (with accompanying micro-instabilities to maintain particle isotropy; (e.g., Brunetti & Lazarian 2007, 2011; Lynn et al. 2014)). Resonant acceleration will most often be faster than nonresonant acceleration (e.g., Brunetti & Lazarian 2007; Miniati 2015). Alfvenic gyro-resonance involves turbulent wavelengths comparable to particle Larmour radii, which in ICM conditions for the CRe energies of interest will be sub-astronomical unit scale. While solenoidal turbulence may very well dominate the turbulence of interest (e.g., Porter et al. 2015) and, in the form of Alfven waves, probably cascades to su\ufb03ciently small scales (e.g., Kowal & Lazarian 2010), it should become highly anisotropic on small scales in ICM settings and thus very ine\ufb03cient in resonant scattering of CRe (e.g., Yan & Lazarian 2002)1. Fast-mode, compressive MHD turbulence should remain isotropic to dissipative scales, however. So, even though the magnetic energy in the waves of this mode will be relatively less, they can be much more e\ufb00ective accelerators. On these grounds, we adopt for our exploratory calculations a simple TA model based on TTD resonance with compressive, isotropic fast-mode MHD turbulence. Assuming that in the medium \u03b2p = P/PB \u226b1, where P is the plasma thermal pressure and PB = B2/(8\u03c0) is the magnetic pressure, we can then roughly express the acceleration time, \u03c4acc, as \u03c4acc \u223c \u0010 c a \u00112 1 \u27e8k\u27e9c P Wf . (7) Here, a is the acoustic wave speed, Wf is the total energy density in fast-mode turbulence (mostly contained in compressive \u201cpotential energy,\u201d but also including transverse magnetic \ufb01elds essential for resonant scattering). The term \u27e8k\u27e9measures the power-spectrumweighted mean wavenumber of the fast-mode turbulence (e.g., Brunetti & Lazarian 2007). For a power spectrum, Pf(k) \u221dk\u2212\u03b1, over the range 2\u03c0/L0 \u2264k \u2264 2\u03c0/\u2113d, with 3/2 \u2264\u03b1 \u22642 (e.g., Brunetti & Lazarian 2011) and \u27e81/k\u27e9= (L0/2\u03c0)H(\u03b1) with p \u2113d/L0 \u2264H \u2264 1/ ln L0/\u2113d. We can roughly estimate an outer scale, L0 \u223c100 kpc behind the shock of interest. The fast-mode dissipation scale, \u2113d, is uncertain and dependent on plasma collisionality, but it is likely to be 1 We mention for completeness a proposed alternate scenario in which solenoidal turbulence leads to fast magnetic reconnection and produces a hybrid, \ufb01rst-second order reacceleration process (Brunetii & Lazarian 2016). \f6 Kang, Ryu, & Jones less than \u223c1 kpc (e.g., Schekochihin & Crowley 2006; Brunetti & Lazarian 2007, 2011). Putting these together, we can estimate 1/(\u27e8k\u27e9c) \u223c104 yrs. With an acoustic speed, a \u223c103 km s\u22121, and an estimate Wf \u223c(1/10)P for shock-enhanced fast-mode turbulence in the immediate postshock \ufb02ow, we obtain a rough estimate of \u03c4acc,0 \u223c100 Myr near the shock. As a simple model allowing for decay of this turbulence behind the shock, we apply the form Wf \u221dexp [\u2212(rs \u2212r)/rdec] with rs > r, where rs is the radius of the spherical shock. So the TA time scale increases behind the shock as \u03c4acc = \u03c4acc,0 \u00b7 exp \u0014(rs \u2212r) rdec \u0015 (8) with, in most of our simulations, rdec \u2248100 kpc. 2.3. DSA Solutions at the Shock Since the time scale for DSA at the shock is much shorter than the cooling time scale for radio-emitting electrons (\u223c100 Myr), we assume that electrons are accelerated almost instantaneously to the maximum energy at the shock front. On the other hand, the minimum di\ufb00usion length scale to obtain converged solutions in simulations for Equation (3) is much smaller than the typical downstream cooling length of \u223c100 kpc. Taking advantage of such disparate scales, we adopt analytic solutions for the electron spectrum at the shock location as f(rs, p) = finj(p) or freacc(p), while Equation (3) is solved outside the shock. Here, finj(p) represents the electrons injected in situ and accelerated at the shock, while freacc(p) represents the reaccelerated electrons preexisting in the preshock region. So, basically we follow the energy losses and TA of electrons behind the shock, while the DSA analytic solutions are applied to the zone containing the shock. Note that shocks in CRASH are true discontinuities and tracked on sub-grid scales (Kang & Jones 2006). Since we do not need to resolve the di\ufb00usive shock precursor or follow the DSA process in detail, this scheme allows us to use a much coarser grid, reducing dramatically the required computation time. The electron population injected in situ from the background plasma and accelerated by DSA at the shock is modeled as finj(rs, p) = fN \u0012 p pinj \u0013\u2212q exp \" \u2212 \u0012 p peq \u00132# , (9) where fN, q, pinj, and peq are the normalization factor, the standard test-particle DSA power-law slope, the injection momentum, and the cuto\ufb00momentum, respectively. The injection momentum roughly identi\ufb01es particles with gyro-radii large enough to allow a signi\ufb01cant fraction of them to recross the physical shock from downstream rather than being advected downstream (e.g., Gieseler et al. 2000; Kang et al. 2002; Caprioli et al. 2015). So particles with p > pinj are assumed to participate in the Fermi I acceleration process. According to the hybrid simulations by Caprioli & Spitkovsky (2014), pinj \u2248 (3 \u22123.5)pth,p for protons at quasi-parallel shocks, where pth,p = p 2mpkT2 is the proton thermal momentum and k is the Boltzmann constant. The electron injection to the DSA Fermi I process from the thermal pool is thought to be very ine\ufb03cient, since the momentum of thermal electrons (pth,e = \u221a2mekT2) is much smaller than pinj. Recent particlein-cell (PIC) simulations of quasi-perpendicular shocks by Guo et al. (2014), however, showed that some of the incoming electrons are specularly re\ufb02ected at the shock ramp and accelerated via multiple cycles of shock drift acceleration (SDA), resulting in a suprathermal, powerlaw-like tail. Those suprathermal electrons are expected to be injected to the full Fermi I acceleration and eventually accelerated to highly relativistic energies. Such a hybrid process combining specular re\ufb02ection with SDA and DSA between the shock ramp and upstream waves is found to be e\ufb00ective at both quasi-perpendicular and quasi-parallel collisionless shocks (Park et al. 2015; Sunberg et al. 2016). However, the injection momentum for electrons is not well constrained, since the development of the full DSA power-law spectrum extending to p/mec \u226b1 has not been established in the simulations due to severe computational requirements for these PIC plasma simulations. Here, we adopt a simple model in which the electron injection depends on the shock strength as pinj \u2248(6.4/\u03c3)mpus, in e\ufb00ect resulting in pinj \u223c150pth,e. For a smaller compression ratio, the ratio, pinj/mpus, is larger, so the injection becomes less e\ufb03cient. The factor fN in Equation (9) depends on the suprathermal electron population with p \u223cpinj in the background plasma. We assume that the background electrons are energized via kinetic plasma processes at the shock and form a suprathermal tail represented by a \u03ba distribution of \u03ba = 1.6\u22122.5, rather than a Maxwellian distribution. The \u03ba distribution is well motivated in collisionless plasmas such as those in ICMs, where nonequilibrium interactions can easily dominate for the distribution of suprathermal particles (Pierrard & Lazar 2010). It has a power-law-like high-energy tail, which asymptotes to the Maxwellian distribution for large \u03ba. The relatively large population of suprathermal particles enhances the injection fraction compared to the Maxwellian form (Kang et al. 2014). This enhancement \fShock Acceleration Model for Radio Relics 7 is larger for smaller \u03ba. The injection e\ufb03ciency at the shock is also less sensitive to the shock Mach number, compared to that from the Maxwellian distribution. Note, however, that the suprathermal electron population and the injection rate do not a\ufb00ect signi\ufb01cantly the shapes of the radio-emitting electron energy spectrum and the ensuing radio synchrotron spectrum, so the adopted models for pinj and the \u03ba distribution do not in\ufb02uence the main conclusions of this study. The cuto\ufb00momentum in Equation (9) can be estimated from the condition that the DSA acceleration rate is equal to the synchrotron/iC loss rate: peq = \u03b3eqmec = m2 ec2us p 4e3q/27 B1 B2 e,1 + B2 e,2 !1/2 k\u22121 Bohm, (10) where us is the shock speed and B2 e = B2 + Brad(z)2 represents the e\ufb00ective magnetic \ufb01eld strength that accounts for both synchrotron and iC losses (Kang 2011). For typical parameters with us \u223c3 \u00d7 103 km s\u22121, B1 \u223c1 \u00b5G, and kBohm \u223c1, the cuto\ufb00momentum becomes peq/mec \u223c108, but the exact value is not important, as long as peq/mec \u226b104. If there is a preexisting, upstream electron population, fpre(p), the accelerated population at the shock is given by freacc(rs, p) = q \u00b7 p\u2212q Z p pinj p\u2032q\u22121fpre(p\u2032)dp\u2032 (11) (Drury 1983). In previous studies, the DSA of preexisting CR particles is commonly referred to as \u201creacceleration\u201d (e.g., Kang et al. 2012; Pinzke et al. 2013), so we label freacc as the \u201cDSA reaccelerated\u201d component. In contrast, finj in Equation (9) represents the DSA of the background suprathermal particles injected in situ at the shock, so we label it as the \u201cDSA injected\u201d component. We emphasize that our DSA reacceleration models involve irreversible acceleration of preexisting CRe, in contrast to the adiabatic compression models of En\u00dflin et al. (1998). In our simulations, the preshock electron population is assumed to have a power-law spectrum with exponential cuto\ufb00as follows: fpre(p) = fo \u00b7 p\u2212s exp \" \u2212 \u0012 p pe,c \u00132# , (12) where the slope s is chosen to match the observed radio spectral index. As mentioned in the Introduction, we adopt a large cuto\ufb00Lorentz factor, \u03b3e,c = pe,c/mec = 104 \u2212105, in the weak-shock models, while \u03b3e,c = 300 in the strong-shock models (see also Table 1). The normalization factor, fo, is arbitrary in the simulations, since the CR pressure is dynamically insigni\ufb01cant (that is, in the test-particle limit). Yet, it would be useful to parameterize it with the ratio of the CRe to the gas pressure in the preshock region, N \u2261PCRe,1/P1 \u221dfo for a given set of s and pe,c. In the models considered here, typically N \u223c(0.05 \u22120.5)% matches the amplitude of observed radio \ufb02ux in the Toothbrush relic. In our DSA simulations, pe,c is assumed for simplicity to stay constant in the preshock region for the duration of the simulations (\u223c200 Myr). This is probably unrealistic for high-energy electrons with \u03b3e > 104 (see Equation (5)), unless preexisting electrons are accelerated continuously in the preshock region, for instance by turbulence. 2.4. Model Parameters 2.4.1. Observed Properties of the Toothbrush Relic Before outlining our simulation model parameters, we brie\ufb02y review our target, the Toothbrush radio relic. The relic has a linear morphology aligned roughly eastwest with multiple components that, together, resemble the head and handle of a toothbrush (van Weeren et al. 2012) on respectively the west and east ends. Our focus is on the head component (labeled as B1 in Figure 4 of van Weeren et al. (2012)), whose \u201cbristles\u201d point southward and whose northern edge seems to coincide with the shock location detected in X-ray observations. van Weeren et al. (2016) estimated rather similar preshock and postshock temperatures, kT1 = 8.3+3.2 \u22122.4 keV and kT2 = 8.2+0.7 \u22120.9 keV, respectively, indicating that kT1 is more uncertain from their data. From the slope change in the X-ray surface brightness across the putative shock in the component B1, they estimated a low shock Mach number, MX \u223c1.2. On the other hand, Mrad \u22482.8 is required to explain the radio spectral index (\u03b1s \u22480.8) at the northern edge of B1 as a consequence of the DSA of CRe electrons injected locally from the thermal plasma. 2.4.2. Shock Dynamics We assume for simplicity, but one step beyond a planar shock model, that the shock dynamics can be approximated initially by a self-similar blast wave that propagates through an isothermal ICM with the density pro\ufb01le of nth = 10\u22124 cm\u22123(r/0.8Mpc)\u22122. Then, the shock radius and velocity evolve roughly as rs \u221dt2/3 and us \u221dt\u22121/3, respectively, where t is the time since the nominal point explosion for the spherical blast wave (e.g., Ryu & Vishniac 1991). The shock Mach number decreases in time as the spherical shock expands in the simulations. For this self-similar shock, the downstream \ufb02ow speed in the upstream rest frame decreases toward \f8 Kang, Ryu, & Jones Table 1. Model Parameters Model kT1 Ms,i [Ms,o]a [kT2,o]b B1 [B2,o]c s \u03b3e,c \u03c4acc,0 Remarks Name (keV) (keV) ( \u00b5G) ( \u00b5G) (Myr) W1.7a 5.2 1.7 1.64 8.56 1.5 2.7 4.4 105 100 no injection W1.7b 5.2 1.7 1.64 8.56 1.5 2.7 4.4 4 \u00d7 104 100 no injection W1.7c 5.2 1.7 1.64 8.56 1.5 2.7 4.4 104 100 no injection W1.7aN 5.2 1.7 1.64 8.56 1.5 2.7 4.4 8 \u00d7 104 no injection W2.0a 4.3 2.0 1.87 8.23 1.5 2.5 4.4 8 \u00d7 104 100 no injection W2.0b 4.3 2.0 1.87 8.23 1.5 2.5 4.4 4 \u00d7 104 100 no injection W2.0c 4.3 2.0 1.87 8.23 1.5 2.5 4.4 104 100 no injection W2.0d 4.3 2.0 1.87 8.23 1.5 2.5 4.4 8 \u00d7 104 50 no injection W2.0aN 4.3 2.0 1.87 8.23 1.5 2.5 4.4 8 \u00d7 104 no injection S3.6a 3.0 3.6 3.03 11.2 1 2.5 4.6 3 \u00d7 102 100 \u03ba = 1.6 S3.6b 3.0 3.6 3.03 11.2 1 2.5 4.6 3 \u00d7 102 100 seed CRe S3.6c 3.0 3.6 3.03 11.2 1 2.5 4.6 3 \u00d7 102 100 no decay (rdec \u2192\u221e) S3.6aN 3.0 3.6 3.03 11.2 1 2.5 4.6 3 \u00d7 102 \u03ba = 1.6 S3.6bN 3.0 3.6 3.03 11.2 1 2.5 4.6 3 \u00d7 102 seed CRe aShock sonic Mach number at the time of observation. b Postshock temperature at the time of observation. c Postshock magnetic \ufb01eld strength at the time of observation. the cluster center as u(r) \u221d(r/rs), so the postshock \ufb02ow speed with respect to the shock front increases downstream away from the shock. We acknowledge that the actual shock dynamics in the simulations deviate slightly from such behaviors, since the model shocks are not strong, although this should not in\ufb02uence our conclusions. Table 1 summarizes model parameters for the DSA simulations considered in this study. Considering the observed ranges for both kT1 and kT2, we vary the preshock temperature as kT1 = 3.0\u22125.2 keV. At the onset of the simulations, the shock is speci\ufb01ed by the initial Mach number, Ms,i = 1.7 \u22123.6, which sets the initial shock speed as us,i = Ms,i \u00b7 150 km s\u22121p T1/106K, and is located at rs,i \u22480.8 Mpc from the cluster center. This can be regarded as the time when the relic-generating shock encounters the preshock region containing preexisting electrons, that is, the birth of the radio relic. We de\ufb01ne the \u201cshock age,\u201d tage \u2261t \u2212tonset, as the time since the onset of our simulations. We \ufb01nd that the downstream radio \ufb02ux pro\ufb01les and the integrated spectrum become compatible with the observations at the \u201ctime of observation,\u201d tage \u223c140 \u2212150 Myr, typically when the shock is located at rs \u22481.1 \u22121.2 Mpc. The fourth and \ufb01fth columns of Table 1 show the shock Mach number, Ms,o, and the postshock temperature, kT2,o, at the time of observation. In this study, we examine if the various proposed DSA-based models can explain the observed radio \ufb02ux pro\ufb01les reported by van Weeren et al. (2016), which, as we pointed out, depend strongly on the electron cooling length behind the shock. Therefore the magnetic \ufb01eld strength, which impacts electron cooling, is another key parameter. The sixth column of Table 1 shows the preshock magnetic \ufb01eld strength, B1 = 1 \u22121.5 \u00b5G, which is assumed to be uniform in the upstream region. The postshock magnetic \ufb01eld strength is modeled as B2(t) = B1 p 1/3 + 2\u03c3(t)2/3 \u22482.5 \u22122.7 \u00b5G, which decreases slightly as the shock compression ratio, \u03c3(t), decreases in time in response to shock evolution. For the downstream region (r < rs), we assume a simple model in which the magnetic \ufb01eld strength scales with the gas pressure as Bdn(r, t) = B2(t) \u00b7 [P(r, t)/P2(t)]1/2, where P2(t) is the gas pressure immediately behind the shock. 2.4.3. DSA Model Parameters As mentioned in the Introduction, the discrepancy between the observationally inferred values of MX and Mrad could be resolved if we adopt a preexisting electron population with the \u201cright values\u201d of s and pe,c. Alternatively, we can explain the observed radio spec\fShock Acceleration Model for Radio Relics 9 Figure 1. Electron distribution at the shock position, ge(rs, p) = p4fe(rs, p) (upper panels), and volume-integrated electron distribution, Ge(p) = R ge(r, p)dV (lower panels). See Table 1 for model parameters. In the upper panels, the red and black dotted lines show the distribution function for preexisting electrons, p4fpre, while the black solid and red dashed lines show either p4freacc for the W1.7, W2.0, and S3.6b models or p4finj for the S3.6a model. In the upper right panel, the \u03ba distributions with \u03ba = 1.6 (black dot-dashed line) and \u03ba = 2.5 (blue dot-dashed line) for suprathermal electrons are also shown for p < pinj \u224830mec. In the lower panels, results are shown at tage = 142 Myr for W1.7a (black solid lines), W1.7b (red dashed), W1.7c (blue dot-dashed) and W1.7aN (green long-dashed); at tage = 148 Myr for W2.0a (black solid), W2.0b (red dashed), W2.0c (blue dot-dashed) and W2.0aN (green long-dashed); and at tage = 144 Myr for S3.6a (black solid), S3.6b (red dashed) and S3.6aN (green long-dashed). tral index with a shock with Mrad, assuming that MX and Mrad may represent di\ufb00erent parts of nonuniform shock surfaces. Our study considers both of these possible scenarios: (1) in the weak-shock models a shock with Ms \u22722 encounters a preshock region of a \ufb02at preexisting CRe population with \u03b3e,c > 104, and (2) in the strongshock models a shock with Ms \u22483.0 accelerates lowenergy seed electrons (\u03b3e \u223c30), either shock-generated suprathermal electrons or preexisting fossil CRe. In general, we \ufb01nd in these experiments that the models in which postshock electrons cool without turbulent reacceleration cannot explain the broad widths of the observed radio \ufb02ux pro\ufb01les, independent of the assumed shock strength and CRe sources, as shown in the next section. Consequently, we also explore models that include postshock TA with the characteristic acceleration time scale of \u03c4acc \u223c100 Myr, which, as argued in Section 2.2, is justi\ufb01able in this context and also is comparable to expected postshock electron cooling times. To facilitate the analyses below, we comment brie\ufb02y on the model naming convention in Table 1. The \ufb01rst character, W or S, refers to weak-shock or strong-shock models, respectively, while the number after the \ufb01rst letter corresponds to the initial Mach number, Ms,i. This is followed by a sequence label (a, b, c, d) as the preexisting CRe cuto\ufb00, \u03b3e,c, or TA time, \u03c4acc, parameters vary. If there is no postshock TA, the letter \u201cN\u201d is appended at the end. In the weak-shock models, we adopt the initial shock Mach number, Ms,i = 1.7 \u22122.0, and set s = 4.4 as the power-law slope for preexisting CRe. In order to see the dependence of emissions on the cuto\ufb00energy in the preexisting electron spectrum, we consider a wide range of \u03b3e,c = 104 \u2212105 in the W1.7a, b, c and W2.0a, b, c models (column 9 of Table 1). In model W2.0d, an en\f10 Kang, Ryu, & Jones Figure 2. Synchrotron emissivity at 150 MHz, j150(r) (upper panels, in arbitrary units), and associated spectral index between 150 and 610 MHz, \u03b1610 150 (lower panels), as a function of the radial distance from the cluster center at four di\ufb00erent tage. See Table 1 for model parameters. Thick (thin) lines are used for the models with (without) turbulent acceleration. hanced, postshock turbulent reacceleration with shorter \u03c4acc,0 is considered. For all W1.7 and W2.0 models, the in situ injection from the background plasma is turned o\ufb00in order to focus on the \u201cDSA reacceleration\u201d of preexisting CRe. In the case of the strong-shock scenario, the S3.6a model includes only the \u201cDSA injection\u201d from a suprathermal \u03ba distribution of \u03ba = 1.6, while the S3.6b model incorporates only the \u201cDSA reacceleration\u201d of the preexisting CRe population with s = 4.6 and \u03b3e,c = 300. For the S3.6b model, the simulation results remain similar for di\ufb00erent values of cuto\ufb00energy, \u03b3e,c, as long as \u03b3e,c > pinj/mec \u224830. In the S3.6c model, the decay of turbulence is turned o\ufb00(rdec \u2192\u221e), so the momentum di\ufb00usion coe\ufb03cient is assumed to be uniform behind the shock; that is, Dpp = p2/(4\u03c4acc,0). The upper panels of Figure 1 show the preexisting electron spectrum, fpre (red and black dotted lines), and the analytic solutions for the shock spectra, freacc and finj, given in Equations (11) and (9), respectively. Here, the normalization for fpre corresponds to N \u22430.01 for W1.7a and W2.0a and N \u22430.001 for S3.6b. For the W1.7 and W2.0 models, at the shock ge(rs, p) = p4freacc(p) is used, since the in situ injection from the background plasma is suppressed. For these models, the slope of freacc(p) at the shock position is the preshock, s, for p < pe,c, while it becomes the DSA value, q, for p > pe,c. In the upper right panel of Figure 1, the black dotdashed line illustrates the \u03ba distribution of \u03ba = 1.6 for p < pinj, while the black solid and red long-dashed lines show finj(p) and freacc(p), respectively, for p \u2265pinj. As shown here, the normalization factor fN for finj(p) is speci\ufb01ed by the \u03ba distribution. In all S3.6 models, the DSA slope q is \ufb02atter than s, so both finj and freacc have power-law spectra with the slope q, extending to peq/mec \u223c108, independent of \u03b3e,c. As a result, preexisting low-energy CRe just provide seeds to the DSA process and enhance the injection, but do not a\ufb00ect the shape of the postshock electron spectrum for p \u226bpinj (i.e., the black solid line for S3.6a versus the red dashed line for S3.6b in the upper right panel). Regarding the shock-generated suprathermal electron population and its posited non-Maxwellian, \u03ba\fShock Acceleration Model for Radio Relics 11 distribution form, the \u03ba index is not universal, since it depends on a local balance of nonequilibrium processes. If we adopt a steeper \u03ba distribution, with, for example, \u03ba = 2.5 (blue dot-dashed line in Figure 1), then the amplitude of the injected electron \ufb02ux at pinj will be smaller, and so the ensuing radio \ufb02ux will be reduced from the models shown here (S3.6a and S3.6aN). 3. RESULTS OF DSA SIMULATIONS 3.1. Radial Pro\ufb01les of Radio Emissivity Figure 2 shows the evolution of the synchrotron volume emissivity at 150 MHz, j150(r), and the associated spectral index between 150 and 610 MHz, \u03b1610 150(r), determined from j150(r) and j610(r). The shock is located at rs,i \u22480.8 Mpc at the start of the simulations, tage = 0. In the case of the W1.7 and W2.0 models, this can be regarded as the moment when the shock begins to accelerate preexisting electrons and become radio-bright. The \ufb01gure shows that in the models with postshock TA (thick lines) the spectral steepening is signi\ufb01cantly delayed relative to the models without TA (thin lines). Only the models with TA seem to produce \u03b1610 150 pro\ufb01les broad enough to be compatible with the observed pro\ufb01le, which increases from \u03b1610 150 \u22480.8 to \u03b1610 150 \u22482.0 over \u223c200 kpc across the relic width. For the W1.7a and W2.0a models, the emissivity increases by an order of magnitude (a factor 8 \u221212) from upstream to downstream across the shock. Note that the subsequent, postshock emissivity decreases faster with time in the S3.6a model with only DSA injection from the background plasma, compared to the W1.7 and W2.0 models with the DSA reacceleration of the preexisting CRe. This is because for the particular injection model adopted here, the injection rate depends on us and Ms, both of which decrease in time as the shock propagates. 3.2. Radio Surface Brightness Pro\ufb01les The radio surface brightness, I\u03bd, is calculated by adopting the spherical wedge volume of radio-emitting electrons, speci\ufb01ed with the two extension angles relative to the sky plane, \u03c81 and \u03c82, as shown in Figure 2 of Kang (2016a): I\u03bd(R) = Z h1,max 0 j\u03bd(r)dh1 + Z h2,max 0 j\u03bd(r)dh2 , (13) where R is the distance behind the projected shock edge in the plane of the sky (measured from the shock toward the cluster center), r is the radial distance outward from the cluster center, and h1 = r sin \u03c81 and h2 = r sin \u03c82 are the path lengths along line of sight beyond and in front of the sky plane, respectively. (See Figure 1 of Kang (2015) for the geometrical meaning of R.) Figure 3 shows the pro\ufb01les of I150(R) and \u03b1610 150(R), now calculated from I150(R) and I610(R), at the shock age of tage = 142 \u2212148 Myr. The adopted values of \u03c81 and \u03c82 are given in the lower panels. In the weak-shock models with Ms,o \u22481.6 \u22121.9, a high-cuto\ufb00Lorentz factor, \u03b3e,c \u22734 \u00d7 104, is required to match \u03b1610 150 \u22480.8 at the shock position. From the geometric consideration only (that is, the line-of-sight length through the model relic), the \ufb01rst in\ufb02ection point in the I(R) pro\ufb01le occurs at rs(1 \u2212cos \u03c81) \u224838 kpc for the shock radius rs \u2248 1.1 Mpc and \u03c81 = 15\u25e6, and the second in\ufb02ection point occurs at rs(1 \u2212cos \u03c82) \u224887 kpc for \u03c82 = 23\u25e6. The third in\ufb02ection point at d \u2248150 \u2212160 kpc occurs at the postshock advection length, \u223cu2tage, which corresponds to the width of the postshock spherical shell. Note that the normalization factor for I150 is arbitrary, but it is the same for all three models with Ms,i = 1.7 (upper left panel) and for the three models with Ms,i = 2.0 (upper middle panel). But note that for the S2.0d model I150 is reduced by a factor of 0.6, compared to the other three models. So, for example, the relative ratio of I150 between W1.7aN (without TA) and W1.7a (with TA) is meaningful. In the case of the S3.6 models (upper right panel), on the other hand, the normalization factor is the same for S3.6aN, S3.6a, and S3.6c (with only DSA injection of shock-generated suprathermal electrons), but a di\ufb00erent factor is used for S3.6b (with preexisting, seed CRe) in order to plot the four models together in the same panel. The e\ufb00ects of postshock TA can be seen clearly in the spectral steepening of \u03b1610 150 in the lower panels. As shown in Figure 4 below, for instance, the S3.6aN model (black) produces a \u201ctoo-steep\u201d spectral pro\ufb01le compared to observations, while the S3.6c model (green) without turbulence decay (rdec \u2192\u221e) produces a \u201ctoo-\ufb02at\u201d spectral pro\ufb01le. To compare to the observed radio \ufb02ux density distribution, S\u03bd, the intensity, I\u03bd, should be convolved with telescope beams. In Figure 4, a Gaussian smoothing with 23.5 kpc width (equivalent to 6.\u2032\u20325 at the distance of the Toothbrush relic) is applied to calculate S\u03bd(R), while the spectral index \u03b1610 150 is then calculated from S150(R) and S610(R). The observational data of van Weeren et al. (2016) are shown with magenta dots. The observed \ufb02ux density at 150 MHz covering the region of 6.\u2032\u20325 \u00d7 70\u2032\u2032 at R \u224850 kpc behind the shock is S150 \u22480.20 Jy. The required amount of preexisting CRe to match this \ufb02ux level corresponds to N \u22480.4\u22120.5% for the W1.7a,b and W2.0a,b models, and N \u22480.05% for the S3.6b model. In the S3.6a model (without preexisting CRe), the corresponding \ufb02ux density is S150 \u22480.004 Jy, \ufb01ve times smaller than the observed value. Consider\f12 Kang, Ryu, & Jones Figure 3. Surface brightness pro\ufb01le at 150 MHz, I150 (upper panels, in arbitrary units), and the spectral index between 150 and 610 MHz with I (lower panels), as a function of the projected distance behind the shock, R (kpc). See Table 1 for model parameters. Results are shown at tage = 142 Myr for W1.7aN (black solid lines), W1.7a (red dashed), and W1.7b (blue dot-dashed); at tage = 148 Myr for W2.0aN (black solid), W2.0a (red dashed), W2.0b (blue dot-dashed), and W2.0d (green long-dashed); and at tage = 144 Myr for S3.6aN (black solid), S3.6a (red dashed), S3.6b (blue dot-dashed), and S3.6c (green long-dashed). The extension angles are assumed to be \u03c81 = 15\u25e6and \u03c82 = 23\u25e6for the W1.7 and W2.0 models, while \u03c81 = 12\u25e6 and \u03c82 = 20\u25e6for the S3.6 models. The I150 of the W2.0d model (faster TA) is reduced by a factor of 0.6, compared to those of other W2.0 models. ing that the \u03ba = 1.6 distribution is already quite \ufb02at and so \u03ba index cannot be reduced further, it could be di\ufb03cult to increase signi\ufb01cantly the \ufb02ux density S150 in the S3.6a model. In that regard, the S3.6b model with preexisting CRe is favored over the S3.6a model. Note that the synchrotron intensity scales with I150 \u221dB(s\u22121)/2 2 , while the downstream magnetic \ufb01eld strength in these models is chosen to be B2,o \u22482.5 \u22122.7 \u00b5G (see Table 1) in order to maximize the downstream cooling length given in Equation (1). In the upper panels of Figure 4, di\ufb00erent normalization factors are adopted for each model to obtain the best match with the observed \ufb02ux level of S150 roughly at the peak values near 30 \u221250 kpc. The same relative normalization factors are scaled for the higher frequency and applied to S610 in the middle panels. The observed pro\ufb01le of S150 indicates that the region of the Toothbrush relic beyond R > 150 kpc might be contaminated by a contribution from the radio halo. We \ufb01nd that for the W1.7 and W2.0 models, a preexisting electron population with s = 4.4 and \u03b3e,c \u22734\u00d7104 is necessary to reproduce the observed spectral steepening pro\ufb01le across the relic width. Moreover, the results demonstrate that the six models with TA (W1.7a,b, W2.0a,b, and S3.6a,b) can reproduce the observed pro\ufb01les of S\u03bd(R) and \u03b1610 150(R) reasonably well, while, as noted previously, none of the models without TA (black solid lines) can reproduce the pro\ufb01le of \u03b1610 150. However, it is also important to realize that the models should not produce \u201cexcess\u201d TA. In particular, also as noted previously, the W2.0d model (green) with \u03c4acc,0 = 50 Myr and the S3.6c model (green) without turbulence decay produce \u201ctoo-\ufb02at\u201d pro\ufb01les of \u03b1610 150. At the time of observation, Ms,o \u22483.03, in the S3.6 models, so \u03b1s \u22480.74, which is slightly \ufb02atter than the \fShock Acceleration Model for Radio Relics 13 Figure 4. Radio \ufb02ux density, S\u03bd, within a synthesized telescope beam at 150 MHz (top panels) and at 610 MHz (middle panels) in arbitrary units, and the spectral index, \u03b1610 150, between the two frequencies (bottom panels), plotted as a function of the projected distance behind the shock, R (kpc). See Table 1 for model parameters. The surface brightness pro\ufb01les shown in Figure 3 are smoothed by a Gaussian beam with 6.5\u2032\u2032 resolution (\u224823.5 kpc). The same line types as in Figure 3 are used. S150 and S610 of the W2.0d model (faster TA) are lowered by a factor of 0.6, compared to those of the other W2.0 models, as in Figure 3. The magenta dots are the observational data of van Weeren et al. (2016). observed index of 0.8 at the leading edge of the Toothbrush relic. This, we argue, is still consistent, because the observed radio \ufb02ux pro\ufb01les are blended by a \ufb01nite telescope beam. We also considered a model (not shown) with Ms,i = 3.3 with Ms,o \u22482.85, so at the time of observation, q \u22484.6 (\u03b1s \u22480.78). That model, however, produces a spectral index pro\ufb01le across the relic a bit too steep to be compatible with the observed pro\ufb01le. 3.3. Volume-Integrated CRe and Radio Spectra In the case of pure in situ injection without TA, the postshock momentum distribution function is basically the same as the DSA power-law spectrum given in Equation (9) except for the increasingly lower exponential cuto\ufb00due to postshock radiative cooling. So the volume-integrated CRe energy spectrum, Fe(p) = R fe(r, p)dV , is expected to have a broken power law form, whose slope increases from q to q + 1 at the break momentum, pbr/mec \u2248 104(tage/100Myr)\u22121(5 \u00b5G)2/(B2 2 + B2 rad). In the lower right panel of Figure 1, for instance, we can see that the volume-integrated electron spectrum, Ge(p) = p4Fe(p), steepens gradually near p/mec \u223c3 \u00d7 103 in the S3.6aN model (without TA, green long-dashed line). Of course such a simple picture for the steepening does not apply to the W1.7 and W2.0 models with the DSA reacceleration of preexisting electrons, since the spectrum at the shock, freacc, is a broken power-law that steepens from p\u2212s to p\u2212q above pe,c. In these models, Ge(p) depends on the assumed value of \u03b3e,c (see the \f14 Kang, Ryu, & Jones Figure 5. Time evolution of the volume-integrated synchrotron spectrum, \u03bdJ\u03bd, for the W1.7a, W2.0a, S3.6a, and S3.6b models. See Table 1 for model parameters. The spectra at three di\ufb00erent shock ages are shown with black solid, red dashed, and blue dot-dashed lines. The green long-dashed line shows \u03bdJ\u03bd at the \ufb01rst epoch for models without TA. Note that the normalization factors for the green lines are 1.6 times higher than for other models with TA. The open magenta squares and solid black \ufb01lled circles are for the B1 component of the Toothbrush relic. The squares at low frequencies are the observational data given in Table A1 of Stroe et al. (2016). The two squares at 4.85 and 8.35 GHz are \ufb02uxes in Table 5 of Kierdorf et al. (2016), multiplied by a factor of 0.71. The error bars are given in the same tables. The solid black circles at 16 and 30 GHz are the data points, multiplied by factors of 1.1 and 1.8, respectively, which could represent the SZ-corrected \ufb02uxes (Basu et al. 2016). black, red, and blue lines in the lower left and lower middle panels of Figure 1) as well as \u03c4acc. The models without TA are also shown as green long-dashed lines for comparison. In the S3.6a model in the lower right panel of Figure 1, the suprathermal \u03ba-like population for p \u2273pinj \u224830 mec provides seed electrons for the in situ injection into DSA and subsequent TA in the postshock \ufb02ow. In fact, this results in an excess, low-energy CRe population in the range 30 \u2272p/mec \u2272300 for the models, compared to the S3.6aN model, as shown in the \ufb01gure. This low-energy component depends on the details of kinetic plasma processes operating near the shock, which are not yet fully understood, and would not contribute signi\ufb01cantly to the observed radio emission in the range of 0.15 \u221210 GHz. For the postshock magnetic \ufb01eld strength, B2 \u22482.5 \u00b5G, electrons with 6.9 \u00d7 103 \u2264p/mec \u22645.6 \u00d7 104 make the peak contribution in this observation frequency range. From the spectral shape of Ge(p), we expect that the ensuing volume-integrated radio spectrum, J\u03bd = R j\u03bd(r)dV , should steepen gradually toward high frequencies. Moreover, the form depends on pe,c and \u03c4acc in the W1.7 and W2.0 models and on pbr and \u03c4acc in the S3.6 models. Figure 5 shows the volume-integrated radio spectrum, \u03bdJ\u03bd, for the W1.7a, W2.0a, S3.6a, and S3.6b models at three di\ufb00erent shock ages to demonstrate how the spectrum evolves in time. For the models without TA (W1.7aN, W2.0aN, S3.6aN, and S3.6bN), the spectrum is shown only at the \ufb01rst epoch (the green long-dashed lines). In each panel, the normalization factor for the vertical scale is chosen so that the simulated curves match the observation data around 2 GHz. For the models without TA, the normalization factor is 1.6 times \fShock Acceleration Model for Radio Relics 15 Figure 6. Spectral index between 150 and 610 MHz, \u03b1610 150(R), (top panels) and volume-integrated synchrotron spectrum, \u03bdJ\u03bd, (bottom panels) for the weak-shock models. The models with di\ufb00erent values of \u03b3e,c are compared (W1.7a,b,c and W2.0a,b,c). In the W2.0d model with \u03c4acc = 5 \u00d7 10 Myr (green long-dashed lines), turbulent acceleration is faster than in the W2.0a model. The magenta dots in the upper panels are the same as those in Figure 4. The open magenta squares and solid black \ufb01lled circles in the lower panels are the same as those in Figure 5. larger than for the corresponding models with TA. Note that the open squares (except at 4.85 and 8.35 GHz) are data for the B1 component of the Toothbrush relic in Table A1 of Stroe et al. (2016). Kierdorf et al. (2016) presented the sum of B1 + B2 + B3 \ufb02ux at 4.8 and 8.35 GHz in their Table 5. Considering that the average ratio of the B1/(B1 + B2 + B3) \ufb02uxes near 2 GHz is about 0.71 according to Tables 3 and A1 of Stroe et al. (2016), we lower the \ufb02uxes at 4.85 and 8.35 GHz in the Kierdorf\u2019s data by the same factor. Basu et al. (2016) showed that the Sunyaev-Zeldovich (SZ) decrement in the observed radio \ufb02ux can be signi\ufb01cant above 10 GHz for radio relics. We adopt their estimates for the SZ contamination factor for the Toothbrush relic given in their Table 1. Then the SZ correction factors, F, for the \ufb02uxes at 16 and 30 GHz are about 1.1 and 1.8, respectively. Two solid black \ufb01lled circles correspond to the \ufb02ux levels so-corrected at the two highest frequencies. Although the models without TA do not reproduce the observed pro\ufb01le of \u03b1610 150(R), as shown in Figure 4, the W1.7aN and W2.0aN models seem to \ufb01t the observed J\u03bd better than the W1.7a and W2.0a models. So this exercise teaches us that it is important to test any model against several di\ufb00erent observed properties. Among the strong-shock models, S3.6a and S3.6b with TA seem to produce better \ufb01ts to SZ-uncorrected J\u03bd, while S3.6aN and S3.6bN without TA give the spectra more consistent with SZ-corrected J\u03bd. In all models considered here, however, it seems challenging to explain the observed \ufb02ux at 8.35 GHz. In conclusion, adjustments of basic parameters can allow both of the weak-shock and strong-shock models to explain the observational data for the Toothbrush B1 component reasonably well. In the weak-shock scenario, as we argued in the Introduction, however, it would be challenging to ful\ufb01ll the requirement for a homogeneous, \f16 Kang, Ryu, & Jones \ufb02at-spectrum preexisting electron population over a region 400 kpc in length and 300 kpc in width, which is needed to explain the observed uniformity in the spectral index along the length of the relic. If the preexisting electrons cool by radiative and collisional losses non-uniformly, or if the preshock CRe have a span in \u201cages\u201d, both the cuto\ufb00energy and thus the spectral index at the relic edge would be expected to vary along the relic length. To explore such e\ufb00ects, we compare in Figure 6 the weak-shock models allowing di\ufb00erent cuto\ufb00energies, 104 \u2264\u03b3e,c \u2264105. In order to reproduce the observed pro\ufb01les of both \u03b1610 150 and \u03bdJ\u03bd, \u03b3e,c \u22738 \u00d7 104 is required for the W1.7 and W2.0 models. Considering that the cooling times for electrons with \u03b3e,c = 8 \u00d7 104 in microgauss \ufb01elds are only \u223c13 Myr, it would be very challenging to explain a constant \u03b3e,c within the required preshock region. In the right-hand panels of Figure 6, the W2.0d model (green long-dashed lines) shows that the \u201cenhanced\u201d TA with \u03c4acc,0 = 50 Myr would be too e\ufb03cient to explain the observed pro\ufb01le of \u03b1610 150(R). The model produces too many low-energy electrons with \u03b3e < 104, compared to high-energy electrons with \u03b3e \u2273104. This implies that the path to a model consistent with the observations cannot involve the adoption of smaller \u03b3e,c combined with more rapid TA (smaller \u03c4acc). Our results indicate that the strong-shock model with Ms \u22483 is favored. That could mean that the observed X-ray and radio Mach numbers represent di\ufb00erent parts of a nonuniform shock surface (see the discussion in the Introduction). However, we should point out that the predicted J\u03bd values for the S3.6a and S3.6b models deviate from the observed curvature at 8.35 GHz (Figure 5). Finally, as noted earlier, in order to explain the rareness of detected radio relics in merging clusters, radio relics might be generated preferentially when shocks encounter regions of preexisting low-energy CRe (i.e., the S3.6b model). 4. SUMMARY In this study, we reexamine the merger-driven shock model for radio relics, in which relativistic electrons are accelerated via DSA at the periphery of galaxy clusters. To that end, we perform time-dependent DSA simulations of one-dimensional, spherical shocks, and we compare the results with observed features of the Toothbrush relic reported by Stroe et al. (2016) and van Weeren et al. (2016). In addition to DSA, energy losses by Coulomb scattering, synchrotron emission, and iC scattering o\ufb00the CMB radiation, and, signi\ufb01cantly, TA by compressive MHD/plasma mode downstream of the shock are included in the simulations. Considering apparently incompatible shock Mach numbers from X-ray (MX \u2248 1.2 \u22121.5) and radio (Mrad \u22482.8) observations of the Toothbrush relic, two possible scenarios are considered (see Table 1 for details): (1) weak-shock models in which a preexisting \ufb02at-spectrum electron population with high cuto\ufb00energy is accelerated by a weak shock with Ms \u22481.6\u22121.9, and (2) strong-shock models in which low-energy seed CRe, either shock-generated suprathermal electrons or preexisting soft-spectrum electrons, are accelerated by a strong shock with Ms \u22483.0. The main results are summarized as follows: 1. In order to reproduce the broad pro\ufb01le of the spectral index behind the head (component B1) of the Toothbrush relic, TA with \u03c4acc \u2248100 Myr should be included to delay the spectral aging in the postshock region. This level of TA is strong but plausible in ICM postshock \ufb02ows. 2. The strong-shock models with Ms \u22483.0, either with a \u03ba-like distribution of suprathermal electrons (the S3.6a model) or with low-energy preexisting CRe with p/mec \u2272300 (the S3.6b model), are more feasible than the weak-shock models. These models could explain the observed uniform spectral index pro\ufb01le along the relic edge over 400 kpc in relic length (component B1). Further, the S3.6b model may be preferred because (1) it can reproduce the observed \ufb02ux density with a small fraction (N \u22480.05%) of preexisting CRe, and (2) it can explain the low occurrence (\u227210%) of giant radio relics among merging clusters, where otherwise \u201csuitable\u201d shocks are expected to be common. These lowenergy fossil electrons could represent the leftovers either previously accelerated within the ICM by shock or turbulence or ejected from AGNs into the ICM, since their cooling times are long, trad > 3.5 Gyr with B \u223c1 \u00b5G for \u03b3e < 300. The the S3.6a model, in which a \u03ba = 1.6 suprathermal distribution is adopted, the predicted \ufb02ux density is about \ufb01ve times smaller than the observed level. 3. For the weak-shock models with Ms \u22481.6 \u22121.9, a \ufb02at (s \u22484.4) preexisting electron population with seemingly unrealistically high-energy cuto\ufb00(\u03b3e,c \u22738\u00d7104) is required to reproduce the observational data (the W1.7a and W2.0a models). It would be challenging to generate and maintain such a \ufb02at-spectrum preexisting population with a uniform value of \u03b3e,c over the upstream region of 400 kpc in length and 300 kpc in width, since the cooling time is short, \u03c4rad \u223c10 Myr for electrons with \u03b3e \u223c105 in a 1 \u00b5G level magnetic \ufb01eld. \fShock Acceleration Model for Radio Relics 17 H.K. was supported by the Basic Science Research Program through the National Research Foundation of Korea (NRF) funded by the Ministry of Education (2014R1A1A2057940). D.R. was supported by the National Research Foundation of Korea through grants 2014M1A7A1A03029872 and 2016R1A5A1013277. T.W.J. was supported by the US National Science Foundation through grant AST1211595. The authors thank R. J. van Weeren for providing the radio \ufb02ux data for the Toothbrush relic published in van Weeren et al. (2016). Software: CRASH (Kang & Jones 2006)"
+ },
+ {
+ "url": "http://arxiv.org/abs/1602.03278v2",
+ "title": "Re-acceleration Model for Radio Relics with Spectral Curvature",
+ "abstract": "Most of the observed features of radio {\\it gischt} relics such as spectral\nsteepening across the relic width and power-law-like integrated spectrum can be\nadequately explained by diffusive shock acceleration (DSA) model, in which\nrelativistic electrons are (re-)accelerated at shock waves induced in the\nintracluster medium. However, the steep spectral curvature in the integrated\nspectrum above $\\sim 2$ GHz detected in some radio relics such as the Sausage\nrelic in cluster CIZA J2242.8+5301 may not be interpreted by simple radiative\ncooling of postshock electrons. In order to understand such steepening, we here\nconsider a model in which a spherical shock sweeps through and then exits out\nof a finite-size cloud with fossil relativistic electrons. The ensuing\nintegrated radio spectrum is expected to steepen much more than predicted for\naging postshock electrons, since the re-acceleration stops after the\ncloud-crossing time. Using DSA simulations that are intended to reproduce radio\nobservations of the Sausage relic, we show that both the integrated radio\nspectrum and the surface brightness profile can be fitted reasonably well, if a\nshock of speed, $u_s \\sim 2.5-2.8\\times 10^3 \\kms$, and sonic Mach number, $M_s\n\\sim 2.7-3.0$, traverses a fossil cloud for $\\sim 45$ Myr and the postshock\nelectrons cool further for another $\\sim 10$ Myr. This attempt illustrates that\nsteep curved spectra of some radio gischt relics could be modeled by adjusting\nthe shape of the fossil electron spectrum and adopting the specific\nconfiguration of the fossil cloud.",
+ "authors": "Hyesung Kang, Dongsu Ryu",
+ "published": "2016-02-10",
+ "updated": "2016-05-07",
+ "primary_cat": "astro-ph.HE",
+ "cats": [
+ "astro-ph.HE"
+ ],
+ "main_content": "INTRODUCTION Radio relics are di\ufb00use radio sources that contain relativistic electrons with the Lorentz factor of \u03b3e \u223c104, radiating synchrotron emission in the magnetic \ufb01elds of order of \u00b5G in galaxy clusters (see, e.g., Feretti et al. 2012; Brunetti & Jones 2014, for reviews). After the classi\ufb01cation scheme of Kempner et al. (2004), they are often divided into two main groups according to their origins and observed properties: radio gischt and AGN relic/radio phoenix. Radio gischt relics are thought to be produced by merger-driven shocks. They are characterized by elongated shape, radio spectrum steepening behind the hypothesized shock, power-law-like integrated radio spectrum, and high polarization fraction (e.g. En\u00dflin et al. 1998; Br\u00a8 uggen et al. 2012). They are found mainly in the periphery of merging clusters. Giant radio relics such as the Sausage relic in CIZA J2242.8+5301 and the Toothbrush relic in 1RXS J0603.3 are typical examples of radio gischt (van Weeren et al. 2010, 2012). On the other hand, AGN relics are radio-emitting relativistic plasmas ejected from radio-loud AGNs, and they turn into radio ghosts (undetectable in radio) quickly due to fast electron cooling when their source AGNs are extinct (En\u00dflin 1999). Radio ghosts can be reborn later as radio phoenixes, if cooled electron plasmas are compressed and re-energized by structure-formation shocks (En\u00dflin & Gopal-Krishna 2001). Radio phoenixes have roundish or ring-like shape and steep-curved integrated radio spectrum of aged electron populations, and they are found near their source galaxies in the cluster center region (e.g. Slee et al. 2001; van Weeren et al. 2011b). The relics in A2443 and A1033 are radio phoenixes (Clarke et al. 2013; de Gasperin et al. 2015). In the di\ufb00usive shock acceleration (DSA) model for radio gischt relics, relativistic electrons are accelerated or re-accelerated at cluster shocks that are driven by supersonic motions associated with mergers of sub-structures or infall of the warm-hot gas along \ufb01laments into the hot intracluster medium (ICM) (e.g. En\u00dflin et al. 1998; Hoeft et al. 2008; Vazza et al. 2012; Hong et al. 2014). Although the injection of seed electrons into Fermi \ufb01rst order process at weak cluster shocks has not been fully understood (e.g. Kang et al. 2014; Guo et al. 2014), it is now expected that the in situ injection/acceleration from the ICM thermal plasma and/or the re-acceleration of fossil relativistic electrons may explain the radio \ufb02ux level of observed radio gischt relics (e.g. Kang et al. 2012; Vazza et al. 2015). In particular, the presence of AGN relics and radio phoenixes implies that the ICM may host clouds of aged relativistic electrons with \u03b3c \u2272300. Re-acceleration of those electrons by cluster shocks as the origin of radio relics has been explored by several authors (e.g. Kang & Ryu 2011; Kang et al. 2012; Pinzke et al. 2013). In the re-acceleration model for radio gischt relic, it is assumed that the shock propagates in the ICM thermal plasma that contains an additional population of suprathermal electrons \f\u2013 3 \u2013 with dynamically insigni\ufb01cant nonthermal pressure (e.g. En\u00dflin et al. 1998; Kang et al. 2012; Pinzke et al. 2013). The role of those fossil electrons is to provide seed electrons to the DSA process. In the compression model for radio phoenix, on the other hand, the fossil radio plasma does not mix with the background gas and has high buoyancy and high sound speed (En\u00dflin & Gopal-Krishna 2001). So the radio plasma is compressed only adiabatically, when a shock wave sweeps through the radio bubble. The shock passage through such hot radio plasma is expected to result in a \ufb01lamentary or toroidal structure (En\u00dflin & Br\u00a8 uggen 2002; Pfrommer & Jones 2011), which is consistent with the observed morphology of radio phoenixes (Slee et al. 2001). According to cosmological hydrodynamical simulations for large-scale structure formation, shocks are ubiquitous in the ICM with the mean separation of \u223c1 Mpc between shock surfaces and with the mean life time of tdyn \u223c1 Gyr (e.g., Ryu et al. 2003; Pfrommer et al. 2006; Skillman et al. 2008; Vazza et al. 2009). So it is natural to expect that actively merging clusters would contain at least several shocks and associated radio relics. However, the fraction of X-ray luminous merging clusters hosting radio relics is observed to be order of \u223c10 % (Feretti et al. 2012). In order to reconcile such rarity of observed radio gischt relics with the frequency of shocks estimated by those structure formation simulations, Kang & Ryu (2015) (Paper I) proposed a scenario in which shocks in the ICM may light up as radio relics only when they encounter clouds of fossil relativistic electrons left over from either radio jets from AGNs or previous episodes of shock/turbulence acceleration. In the basic DSA model of steady planar shock with constant postshock magnetic \ufb01eld, the electron distribution function at the shock location becomes a power-law of fe(p, rs) \u221dp\u2212q with slope q = 4M2 s /(M2 s \u22121), while the volume-integrated electron spectrum behind the shock becomes Fe(p) \u221dp\u2212(q+1) (Drury 1983). Then, the synchrotron spectrum at the shock becomes a power-law of j\u03bd(rs) \u221d\u03bd\u2212\u03b1sh with the shock index, \u03b1sh = (M2 s + 3)/2(M2 s \u22121), while the volume-integrated radio spectrum becomes J\u03bd \u221d\u03bd\u2212A\u03bd with the integrated index, A\u03bd = \u03b1sh + 0.5, above the break frequency \u03bdbr (e.g. En\u00dflin et al. 1998; Kang 2011). Here, Ms is the sonic Mach number of the shock. The simple picture of DSA needs to be modi\ufb01ed in real situations. In the re-acceleration model, for instance, if the fossil electrons dominate over the electrons injected from ICM plasma, the ensuing electron spectrum must depend on the shape of the fossil electron spectrum and may not be a single power-law. In addition, if the shock acceleration duration is less than \u223c100 Myr, the integrated radio spectrum cannot be a simple power-law, but instead it steepens gradually over the frequency range of 0.1\u221210 GHz, since the synchrotron break frequency falls to \u03bdbr \u223c1 GHz or so (Kang 2015a). Kang (2015b) demonstrated that, even with a pure in situ injection model, both the electron spectrum and the ensuing \f\u2013 4 \u2013 radio spectrum could depart from simple power-law forms in the case of spherically expanding shocks with varying speeds and/or nonuniform magnetic \ufb01eld pro\ufb01les. In Paper I, we showed that the re-acceleration of fossil electrons at spherical shocks expanding through cluster outskirts could result in the curved integrated spectrum. In some radio relics, the integrated radio spectra exhibit the steepening above \u223c2 GHz, but much stronger than predicted from simple radiative cooling of shock-accelerated electrons in the postshock region. For instance, Trasatti et al. (2015) suggested that the integrated spectrum of the relic in A2256 could be \ufb01tted by a broken power-law with A\u03bd \u22480.85 between 0.35 GHz and 1.37 GHz and A\u03bd \u22481.0 between 1.37 GHz and 10.45 GHz. Recently, Stroe et al. (2016) showed that the integrated spectral index of the Sausage relic increases from A\u03bd \u22480.9 below 2.5 GHz to A\u03bd \u22481.8 above 2.0 GHz, while that of the Toothbrush relic increases from A\u03bd \u22481.0 below 2.5 GHz to A\u03bd \u22481.4 above 2.0 GHz. Note that A\u03bd \u22480.9 \u22121.0 for the low frequency spectrum of the Sausage and Toothbrush relics is larger than the inferred shock index, \u03b1sh \u22480.6 \u22120.7, while A\u03bd \u22481.4 \u22121.8 for the high frequency part is also larger than \u03b1sh + 0.5 \u22481.1 \u22121.2 (van Weeren et al. 2012; Stroe et al. 2014). In particular, in the case of the Sausage relic, the steepening of J\u03bd is much stronger than expected for aging postshock electrons. This demonstrates that the simple relation of A\u03bd = \u03b1sh + 0.5 should be applied only with caution in interpreting observed radio spectra. The picture of DSA just based on shock compression and radiative cooling should be too simple to be applied to real situations, which could be complicated by additional elements such as the presence of pre-exiting electron population and the variations of shock dynamics and magnetic \ufb01eld ampli\ufb01cation. It was pointed that the Sunyaev-Zeldovich (SZ) e\ufb00ect can induce a steepening at high frequencies. Basu et al. (2015) argued that the e\ufb00ect may reduce the radio \ufb02ux by a factor of two or so at \u03bd \u223c30 GHz for the case of of the Sausage relic. On the other hand, the observations require a reduction of a factor of several. So although the detailed modeling still has to be worked out, the SZ e\ufb00ect alone would not be enough to explain the observed steepening. In an attempt to reproduce the observed spectrum of the Sausage relic, Paper I showed that the integrated spectrum estimated from the DSA simulations of spherical shocks expanding in the cluster outskirts with the \u2018acceleration\u2019 age, tage \u227260 \u221280 Myr, steepens only gradually over 0.1 \u221210 GHz. But the abrupt increase of A\u03bd above \u223c2 GHz detected in the Sausage relic could not be explained, implying that additional physical processes would operate for electrons with \u03b3e \u2273104. In this study, we propose a simple but natural reacceleration scenario, in which the shock passes through a \ufb01nite-size cloud of fossil electrons and runs ahead of the postshock volume of radio-emitting electrons. Since the supply of seed electrons is stopped outside the cloud, the shock no longer e\ufb03ciently accelerate electrons. Then, the integrated radio spectrum of the relic steepens beyond radiative cooling alone, \f\u2013 5 \u2013 and the shock front and the radio relic do not coincide spatially with each other. Another observational feature that supports the re-acceleration scenario is nearly the uniform surface brightness along thin elongated structures observed in some relics, such as the Sausage relic and the Toothbrush relic (van Weeren et al. 2010, 2012). Using numerical simulations of merging cluster, van Weeren et al. (2011a) demonstrated that a merger-driven bow shock would generate the surface brightness pro\ufb01le that peaks in the middle and decreases along the length of the relic away from the middle, if the electrons are injected/accelerated at the shock and occupy a portion of spherical shell. So their study implies that the pure in situ injection picture may not explain the uniform surface brightness pro\ufb01le. On the other hand, van Weeren et al. (2010) and Kang et al. (2012) showed that the radio \ufb02ux density pro\ufb01le with the observed width of \u223c55 kpc for the Sausage relic can be \ufb01tted by a patch of cylindrical shell with radius \u223c1.5 Mpc, which is de\ufb01ned by a length of \u223c2 Mpc and an \u2018extension angle\u2019 of \u03c8 \u224810\u25e6. Although rather arbitrary and peculiar, such a con\ufb01guration could yield uniform radio \ufb02ux density along the length of the radio relic. In Paper I, we proposed that such a geometrical structure can be produced, if a spherical shock propagates into a long cylindrical volume of fossil electrons and the re-accelerated population of fossil electrons dominates over the injected electron population (see also Figure 1 of Kang 2015b). Here, we adopt the same geometrical structure for the radio-emitting volume in the calculation of the surface brightness pro\ufb01le, but assuming that the shock has existed and runs ahead of the volume. In the next section, the numerical simulations and the shock models, designed to reproduced the Sausage relic, are described. In Section 3, our results are compared with the observations of the Sausage relic. A brief summary is followed in Section 4. 2. NUMERICAL CALCULATIONS The numerical setup for DSA simulations, the basic features of DSA and synchrotron/inverseCompton (iC) cooling, and the properties of shocks and magnetic \ufb01elds in the ICM were explained in details in Paper I. Here only brief descriptions are given. \f\u2013 6 \u2013 2.1. DSA Simulations for 1D Spherical Shocks The di\ufb00usion-convection equation for the relativistic electron population is solved in the one-dimensional (1D) spherical geometry: \u2202ge \u2202t + u\u2202ge \u2202r = 1 3r2 \u2202(r2u) \u2202r \u0012\u2202ge \u2202y \u22124ge \u0013 + 1 r2 \u2202 \u2202r \u0014 r2D(r, p)\u2202ge \u2202r \u0015 + p \u2202 \u2202y \u0012 b p2ge \u0013 , (1) where ge(r, p, t) = fe(r, p, t)p4 is the pitch-angle-averaged phase space distribution function of electrons and y \u2261ln(p/mec) with the electron mass me and the speed of light c (Skilling 1975). The background \ufb02ow velocity, u(r, t), is obtained by solving the usual gasdynamic conservation equations in the test-particle limit where the nonthermal pressure is assumed to be negligible. The spatial di\ufb00usion coe\ufb03cient for relativistic electrons is assumed to have the following Bohm-like form, D(r, p) = 1.7 \u00d7 1019cm2s\u22121 \u0012 B(r) 1 \u00b5G \u0013\u22121 \u0012 p mec \u0013 . (2) Then, the cuto\ufb00Lorentz factor in the shock-accelerated electron spectrum is given by \u03b3e,eq \u2248109 \u0010 us 3000 km s\u22121 \u0011 \u0012 B1 1 \u00b5G \u00131/2 \u0012 (1 \u00b5G)2 B2 e,1 + B2 e,2 \u00131/2 , (3) where B2 e \u2261B2 + B2 rad is the \u2018e\ufb00ective\u2019 magnetic \ufb01eld strength which accounts for both synchrotron and iC losses (Kang 2015a). Hereafter, the subscripts \u201c1\u201d and \u201c2\u201d are used to indicate the preshock and postshock quantities, respectively. Note that for electrons with \u03b3e,eq \u223c108, the di\ufb00usion length is D(\u03b3e)/us \u223c2 pc and the di\ufb00usion time is D(\u03b3e)/u2 s \u223c 600 yr, if B \u223c1 \u00b5G and us \u223c3 \u00d7 103 km s\u22121. So in e\ufb00ect electrons are accelerated almost instantaneously to the cuto\ufb00energy at the shock front. The radiative cooling coe\ufb03cient, b(p), is calculated from the cooling time scale as trad(\u03b3e) = p b(p) = 9.8 \u00d7 107 yr \u0012 Be 5 \u00b5G \u0013\u22122 \u0010 \u03b3e 104 \u0011\u22121 . (4) The cooling time scale for the radio-emitting electrons with \u03b3e = 103 \u2212104 is about 108 \u2212109 yr for the magnetic \ufb01eld strength of a few \u00b5G. 2.2. Shock Parameters For the initial setup, we adopt a Sedov blast wave propagating into a uniform static medium, which can be speci\ufb01ed by two parameters, typically, the explosion energy and the \f\u2013 7 \u2013 background density (e.g., Ryu & Vishniac 1991). Here, we instead choose the initial shock radius and speed as rs,i = 1.3 Mpc and us,i = Ms,i\u00b7cs,1 (see Table 1). As in Paper I, the shock parameters are chosen to emulate the shock associated with the Sausage relic; the preshock temperature is set to be kT1 = 3.35 keV, corresponding to the preshock sound speed of cs,1 = 923 km s\u22121 (Ogrean et al. 2014). The background gas is assumed to be isothermal, since the shock typically travels only \u223c200 kpc, which is su\ufb03ciently small compared to the size of galaxy clusters, for the duration of our simulations \u227270 Myr. The density of the background gas in cluster outskirts is assumed to decrease as \u03c1up = \u03c10(r/rs,i)\u22122. This corresponds to the so-called beta model for isothamal ICMs, \u03c1(r) \u221d [1 + (r/rc)2]\u22123\u03b2/2 with \u03b2 \u223c2/3, which is consistent with typical X-ray brightness pro\ufb01les of observed clusters (Sarazin 1986). Since we neglect the in situ injection at the shock front (see Section 2.4) and we do not concern about the absolute radio \ufb02ux level in this study (see Section 3), \u03c10 needs not to be speci\ufb01ed. 2.3. Models for Magnetic Fields Although the synchrotron cooling and emission of relativistic electrons in radio relics are determined mainly by postshock magnetic \ufb01elds, little has yet been constrained by observations. Thus, we consider a rather simple model for postshock magnetic \ufb01elds as in Paper I. (1) The magnetic \ufb01eld strength across the shock transition is assumed to increase due to the compression of two perpendicular components, B2(t) = B1 p 1/3 + 2\u03c3(t)2/3, (5) where B1 and B2 are the preshock and postshock magnetic \ufb01eld strengths, respectively, and \u03c3(t) = \u03c12/\u03c11 is the density compression ratio across the shock. (2) For the downstream region (r < rs), the magnetic \ufb01eld strength is assumed to scale with the gas pressure as Bdn(r, t) = B2(t) \u00b7 [Pg(r, t)/Pg,2(t)]1/2, (6) where Pg,2(t) is the gas pressure immediately behind the shock. In e\ufb00ect, the ratio of the magnetic to thermal pressure, that is, the plasma beta, is assumed to be constant downstream of the shock. 2.4. Fossil Electron Cloud In Paper I, we explored a scenario in which a shock in the ICM lights up as a radio relic when it encounters a cloud that contains fossil relativistic electrons, as described in the \f\u2013 8 \u2013 Introduction. In this study, we consider a slightly modi\ufb01ed scenario in which a spherical shock passes across a fossil electron cloud with width Lcloud \u223c100 kpc. Then, the shock separates from and runs ahead of the downstream radio-emitting electrons after the crossing time, tcross \u223cLcloud/us \u224832.6 Myr\u00b7(Lcloud/100 kpc)(us/3000 km s\u22121)\u22121. We assume that the downstream volume with relativistic electrons has the same geometric structure as illustrated in Figure 1 of Kang (2015b), except that the shock is detached from and moves ahead the radio-emitting volume. In other words, the re-acceleration of seed electrons operates only during tcross, that is, between the time of entry into and the time of exit out of the fossil electron cloud, and then, the downstream electrons merely cool radiatively up to tage > tcross, leading to the steepening of the integrated radio spectrum. Hereafter, the \u2018age\u2019, tage, is de\ufb01ned as the time since the shock enters into the cloud. The fossil electrons are assumed to have a power-law spectrum with exponential cuto\ufb00, ffossil(p) = f0 \u00b7 \u0012 p pinj \u0013\u2212s exp \" \u2212 \u0012 \u03b3e \u03b3e,c \u00132# , (7) with s = 4.0\u22124.2 and \u03b3e,c = 103\u2212104 for the slope and the cuto\ufb00Lorentz factor, respectively. Again the normalization factor, f0 \u00b7ps inj, is arbitrary in our calculations. This could represent fossil electrons that have cooled down to \u223c\u03b3e,c from much higher energies for (0.1\u22121)\u00d7tdyn \u2248 0.1 \u22121 Gyr. As described in Paper I (also in the Introduction), one can think of several possible origins for such fossil electrons in the ICM: (1) old remnants (radio ghosts) of radio jets from AGNs, (2) electron populations that were accelerated by previous shocks and have cooled down \u03b3e,c, and (3) electron populations that were accelerated by turbulence during merger activities. In order to focus on the consequences of the fossil electrons, the in situ injection is suppressed; that is, we assume that the in situ injected and accelerated population is negligible compared to the re-accelerated population of the fossil electrons. We also assume that the nonthermal pressure of the fossil electrons is dynamically insigni\ufb01cant, thus, the sole purpose of adopting the fossil electrons is to supply seed electrons into the DSA process at the shock. Finally, we assume that the background gas has \u03b3g = 5/3. 3. RESULTS OF DSA SIMULATIONS 3.1. Model Parameters We consider several models whose parameters are summarized in Table 1. In all the models, the preshock temperature is \ufb01xed at kT = 3.35 keV, and the preshock magnetic \ufb01eld \f\u2013 9 \u2013 strength at B1 = 2.5 \u00b5G with the immediate postshock magnetic \ufb01eld strength, B2(t) \u2248 6.0 \u22126.3 \u00b5G during 60 Myr. For the \ufb01ducial model, M3.0C1, the initial shock speed is us,i = 2.8 \u00d7 103 km s\u22121, corresponding to the initial shock Mach number Ms,i = 3.0, at the onset of simulation, the width of the fossil electron cloud is Lcloud = 131 kpc, and the fossil electron population is speci\ufb01ed with the power-law slope s = 4.2 and the cuto\ufb00Lorentz factor \u03b3e,c = 104. The shock speed and Mach number decrease by \u223c10 % or so during 60 Myr in this model as well as in other models in the table (see Paper I). In the M3.0C1g and M3.0C1s models, di\ufb00erent populations of fossil electrons are considered with \u03b3e,c = 103 and s = 4.0, respectively. The Mach number dependence is explored with three additional models, M2.5C1, M3.3C1, and M4.5C1. The e\ufb00ects of the cloud size are examined in the M3.0C2, M3.0C3, and M3.0C4 models with Lcloud = 105, 155, and 263 kpc, respectively. In the M3.0C4 model, the shock stays inside the fossil electron cloud until 92 Myr, so the spectral steepening comes from radiative cooling only. Lastly, the SC1pex1 model is the same one considered in Paper I, in which the initial shock Mach number, Ms,i = 2.4, was chosen to match the steep spectral curvature above 1.5 GHz in the observed spectrum of the Sausage relic (Stroe et al. 2014). Note that in this model the shock Mach number decreases to Ms \u22482.1 at 60 My, which is lower than MX \u22482.54\u22123.15 derived from X-ray observations (Akamatsu & Kawahara 2013; Ogrean et al. 2014) Figure 1 compares the evolution of the synchrotron emissivity, j\u03bd(r, \u03bd), in the M3.0C1, M3.0C1g, and M3.0C3 models (from top to bottom panels) at age tage = 18, 45, 55, and 66 Myr (from left to right panels). In the left-most panels at 18 Myr, the shock at r = rs has penetrated 52 kpc into the cloud in the three models. The shock is about to exit out of the cloud at 45 Myr in the M3.0C1 and M3.0C1g models and at 55 Myr in the M3.0C3 model. In the right-most panels, the edge of the radio emitting region is located behind the shock front (r/rs = 1). The comparison of M3.0C1 and M3.0C1g models indicates that the postshock radio emission does not sensitively depend on the cuto\ufb00in the fossil electron spectrum for the range, \u03b3e,c \u223c103 \u2212104, considered here. The distributions of j\u03bd(r, \u03bd) of the M3.0C1 and M3.0C1g models at 55 Myr look similar to that of M3.0C3 at 66 Myr except that the downstream volume is slightly larger in the M3.0C3 model. Note that the fossil electrons in the cloud start to cool from the onset of the simulations. 3.2. Electron and Radio Spectra Figure 2 compares the evolutions of the electron spectrum and the radio spectrum in the M3.0C1 (upper four panels) and M3.0C1g (lower four panels) models at the same tage as \f\u2013 10 \u2013 in Figure 1. The electron spectrum at the shock, ge(rs, p), and the volume-integrated electron spectrum, Ge(p) = p4Fe(p) = p4 R 4\u03c0r2fe(r, p)dr, the particle slopes, q = \u2212d ln fe(rs, p)/d lnp and Q = \u2212d ln Fe(p)/d ln p, are shown in the left panels. The local synchrotron spectrum at the shock, j\u03bd(rs), and the integrated spectrum, J\u03bd = R j\u03bd(r)dV , the synchrotron spectral indices, \u03b1sh = \u2212d ln j\u03bd(rs)/d ln \u03bd and A\u03bd = \u2212d ln J\u03bd/d ln \u03bd, are shown in the right panels. Here, the plotted quantities, ge, Ge, j\u03bd, and J\u03bd, are in arbitrary units. The shock quantities, ge, q, j\u03bd, and \u03b1sh, are not shown at tage = 55 and 66 Myr, since the shock has exited out of the fossil electron cloud. Note that here the in-situ injection/acceleration was suppressed in order to focus on the re-acceleration of fossil electrons (see Section 2.4). The shape of Ge(p) is signi\ufb01cantly di\ufb00erent in the two models in the momentum range of \u03b3e \u223c103 \u2212104 due to di\ufb00erent exponential cuto\ufb00s in the initial seed populations. Once the re-acceleration of seed electrons has stopped at tcross \u223c45 Myr, the gradual steepening of the integrated electron spectrum progresses, as can be seen in the magenta dashed and dotted lines for both Ge and its slope Q. The behavior of \u03b1sh is related with the electron slope as \u03b1sh \u2248(q \u22123)/2, which is exact only in the case of a single power-law electron spectrum. Before the shock exits the cloud, the integrated spectral index increases from A\u03bd \u2248(s \u22123)/2 \u22480.6 to A\u03bd \u2248\u03b1sh + 0.5 \u22481.3 over a broad range of frequency, \u223c(0.01 \u221230) GHz (see the magenta solid and long-dashed lines). But after tcross, the integrated index A\u03bd becomes much steeper at high frequencies (see the magenta dashed and dotted lines) due to the combined e\ufb00ects of radiative cooling and the lack of re-acceleration at the shock front. This suggests that the shock breaking out of a \ufb01nite-size cloud of fossil electrons may explain the steepening of the integrated spectrum well beyond the radiative cooling alone. The comparison of J\u03bd (or A\u03bd) of the two models shown in the \ufb01gure indicates there is only a marginal di\ufb00erence at low frequencies below 0.5 GHz, although they have di\ufb00erent exponential cuto\ufb00s in the seed populations. 3.3. Surface Brightness Pro\ufb01le As in Paper I, the radio intensity or surface brightness, I\u03bd, is calculated by adopting the geometric volume of radio-emitting electrons in Figure 1 of Kang (2015b): I\u03bd(R) = 2 Z h 0 j\u03bd(r)dh, (8) where R is the distance behind the projected shock edge in the plane of the sky, r is the radial distance from the cluster center, and h is the path length along line of sights. Here, we set the extension angle \u03c8 = 12\u25e6, slightly larger than \u03c8 = 10\u25e6adopted in Paper I, in order \f\u2013 11 \u2013 to reproduce the observed width of the Sausage relic. Note that the radio \ufb02ux density, S\u03bd, can be obtained by convolving I\u03bd with a telescope beam as S\u03bd(R) \u2248I\u03bd(R)\u03c0\u03b81\u03b82(1 + z)\u22123, if the brightness distribution is broad compared to the beam size of \u03b81\u03b82. In Figures 3 and 4, the spatial pro\ufb01les of I\u03bd(R) at the radio frequency of 0.6 GHz and the radio spectral index, \u03b11.4 0.6, estimated between 0.6 GHz and 1.4 GHz, are shown for all the models listed in Table 1. The radio intensity I\u03bd(R) is plotted at three di\ufb00erent tage to illustrate the time evolution, but \u03b11.4 0.6 is plotted only at the middle tage for the clarity of the \ufb01gure. The pro\ufb01le of I\u03bd(R) in the SC1exp1 model at 62 Myr is shown in the green dotted line for comparison. Figure 3 compares the models with di\ufb00erent cloud sizes, Lcloud = 105 \u2212263 kpc, and the models with di\ufb00erent fossil electron populations. Note that tcross = 37, 45, 54, and 92 Myr for M3.0C2, M3.0C1, M3.0C3, and M3.0C4 models, respectively. In the M3.0C4 model, the shock still remains inside the cloud at the last epoch of tage = 66 Myr. So the edge of the relic coincides with the projected shock position (R = 0) and the FWHM of I\u03bd(R) at 0.6 GHz, \u2206lSB, continues to increase with time in this model. In the other models, the shock breaks out of the cloud around tcross and the relic edge lags behind the shock. As a result, \u2206lSB does not increase with time after tcross. The value of \u2206lSB ranges 43 \u221244 kpc in M3.0C2, 45 \u221250 kpc in M3.0C1, 46 \u221257 kpc in M3.0C3, and 46 \u221257 kpc in M3.0C4. In the comparison model SC1exp1, \u2206lSB \u224851 kpc. In most of the models with Lcloud \u2265131 kpc, \u2206lSB is in a rough agreement with the observed width of the Sausage relic at 0.6 GHz, reported in van Weeren et al. (2010). The distance between the shock front and the relic edge after tcross is lshift \u224810 kpc \u0010 u2 103 km s\u22121 \u0011 \u0012tage \u2212tcross 10 Myr \u0013 , (9) where u2 = cs,1Ms,i/\u03c3 is the postshock advection speed. In the models with Lcloud = 131 kpc, lshift \u224810 \u221220 kpc for tage = 55 \u221266 Myr. So it may be di\ufb03cult to detect such spatial shift between the shock location in X-ray observations and the relic edge in radio observations with currently available facilities. The shift is, for instance, much smaller than the misalignment of \u223c200 kpc between the X-ray shock location and the radio relic edge detected in the Toothbrush relic (Ogrean et al. 2013). We note that van Weeren et al. (2016) pointed that the slope of the X-ray brightness pro\ufb01le changes at the expected location of the shock associated with the Toothbrush relic. This should imply that the evidence for a spatial o\ufb00set between the shock and this relic is not compelling anyway. At tage = 55 Myr, the shock of initially Ms,i = 3.0 weakens to Ms \u22482.7, so the DSA radio index is expected to be \u03b1shock \u22480.8 at the shock location. In Figure 3, we see that \u03b11.4 0.6 \f\u2013 12 \u2013 at tage = 55 Myr (magenta lines) has \u223c0.75\u22120.95 at the edge of the relic and \u223c1.5\u22121.8 at about 60 kpc downstream of the relic edge, increasing behind the shock due to the electron cooling. Especially in the models with Lcloud = 103 and 131 kpc, \u03b11.4 0.6 at the relic edge is larger than \u03b1shock, since the shock is ahead of the relic edge. This suggests the possibility that the shock Mach number estimated by X-ray observations could be slightly larger than that estimated from the radio spectral index, which is opposite to the tendency of observational data. In the case of the Toothbrush relic, for instance, a \u2018radio Mach number\u2019 was estimated to be Mradio \u22483.3\u22124.6 from \u03b1sh \u22480.6\u22120.7 (van Weeren et al. 2012), while an \u2018X-ray Mach number\u2019, MX \u22722, was derived from the density/temperature jump (Ogrean et al. 2013). The discrepancy in this relic might be understood by the projection e\ufb00ect of multiple shock surfaces, as suggested in Hong et al. (2015). Figure 4 compares the models with di\ufb00erent Ms,i at three di\ufb00erent tage speci\ufb01ed in each panel. The value of \u2206lSB ranges 44 \u221253 kpc in M2.5C1, 45 \u221250 kpc in M3.0C1, 40 \u221247 kpc in M3.3C1, and \u223c44 kpc in M4.5C1. Since the preshock sound speed and the magnetic \ufb01eld strength are the same in all the models considered here, the postshock advection speed, u2 = cs,1Ms,i/\u03c3, and the postshock magnetic \ufb01eld strength, B2 = B1 p 1/3 + 2\u03c32/3, are dependent on Ms,i and \u03c3. The widths are slightly smaller in the M3.3C1 and M4.5C1 models with higher Mach numbers. 3.4. Volume-Integrated Spectra As discussed in Paper I (see the Introduction), the volume-integrated synchrotron spectrum, J\u03bd, is expected to have a power-law form, only for a steady planar shock in uniform background medium, and only if tage is much longer than \u223c100 Myr. Otherwise, the spectrum steepens gradually around the break frequency of J\u03bd given by \u03bdbr \u22480.63GHz \u0012 tage 100Myr \u0013\u22122 \u0012 (5 \u00b5G)2 B2 2 + B2 rad \u00132 \u0012 B2 5 \u00b5G \u0013 . (10) The shock younger than 100 Myr has \u03bdbr \u22730.6 GHz, with the spectral curvature changing over \u223c(0.1 \u221210)\u03bdbr, the typical frequency range of radio observations (Paper I). Thus, the integrated radio spectra of observed radio relics are likely to be curved instead of being single power-law. Figures 5 and 6 show J\u03bd for the same models at the same tage as in Figures 3 and 4, respectively. Again, J\u03bd is in arbitrary units. The \ufb01lled magenta circles represent the data points for the integrated \ufb02ux of the Sausage relic, which were taken from Table 3 of Stroe et al. (2016) and re-scaled to \ufb01t by eye the spectra of the long-dashed lines, except \f\u2013 13 \u2013 in the M3.0C3 and M3.0C4 models. For the M3.0C3 model with Lcl = 155 kpc, the data points were \ufb01tted to the spectrum of the dashed line at 66 Myr. On the other hand, in the M3.0C4 model with Lcl = 263 kpc, the shock is still inside the fossil electron cloud even at 66 Myr, so the curvature of J\u03bd at high frequencies, which is induced only by the radiative losses, is not steep enough to \ufb01t the observed \ufb02ux above 16 GHz. Among the models shown in Figure 5, the \ufb01ducial model M3.0C1 as well as the M3.0C1s model with slightly \ufb02atter fossil electrons best reproduce the overall spectrum as well as the steep curvature at high frequencies. Other models do not reproduce the observed spectrum as good as the two models. In the comparison model SC1pex1 of Paper I (green dotted line), the shock stays inside the fossil electron cloud and so the spectral curvature is due to only radiative cooling. Although the initial Mach number, Ms,i = 2.4, was chosen for this model to explain the steep spectrum above 1.5 GHz, yet the abrupt increase of the curvature near 1 GHz could not be reproduced. Figure 6 shows that the observed spectrum of the Sausage relic can be \ufb01tted reasonable well by all four models with Lcl = 131 kpc and Ms,i = 2.5 \u22124.5 at about 10 Myr after the shock has exited out of the fossil cloud (long-dashed lines). They generate much better \ufb01t compared to the SC1exp1 model. In M3.3C1 model, for instance, the shock Mach number decrease to Ms = 3.0 at tage \u224853 Myr and the integrated spectrum at that epoch is in a very good agreement with the observed spectrum. But considering that the width of I\u03bd(R) of the M3.0C1 model agrees a bit better with the observations (see Figure 4), we designate M3.0C1 as the \ufb01ducial model here. These simulation results demonstrate that the observed spectrum of the Sausage relic with steep curvature could be explained naturally by the shock passage over a \ufb01nite-size cloud of fossil electrons without invoking any additional physical processes other than the synchrotron/iC coolings. 4. SUMMARY In Kang & Ryu (2015) (Paper I), we proposed a model for radio gischt relics in which a spherical shock sweeps through an elongated cloud of the ICM thermal gas with an additional population of fossil relativistic electrons. At the shock, the fossil electrons are re-accelerated to radio-emitting energies (\u03b3e \u223c104) and beyond, producing a di\ufb00use radio source. We argued in Paper I that such a model may explain the following characteristics of giant radio relics: (1) the low occurrence of radio relics compared to the expected frequency of shocks in merging clusters, (2) the uniform surface brightness along the length of arc-like relics, and \f\u2013 14 \u2013 (3) the spectral curvature in the integrated radio spectrum that runs over \u223c(0.1 \u221210)\u03bdbr. But we were not able to reproduce the abrupt increase of the integrated spectral index, A\u03bd (J\u03bd \u221d\u03bd\u2212A\u03bd), above \u223cGHz, detected in the observed spectra of some relics including the Sausage relic (e.g. Stroe et al. 2014, 2016; Trasatti et al. 2015) In an e\ufb00ort to explain steep curved radio spectra, in this paper, we explore the possibility that the shock breaks out of a \ufb01nite-size cloud of fossil electrons, leading to the volumeintegrated electron spectrum much steeper than expected from the simple radiative aging alone. To that end, we performed time-dependent, DSA simulations of one-dimensional, spherical shocks with the parameters relevant for the Sausage relic, which sweep through fossil electron clouds of 105 \u2212263 kpc in width. In the \ufb01ducial model, M3.0C1, the shock has initially us,i \u22482.8 \u00d7 103 km s\u22121 (Ms,i \u22483.0), breaks out of the cloud of 131 kpc after the crossing time of tcross \u224845 Myr, and decelerates to us \u22482.5 \u00d7 103 km s\u22121 (Ms \u22482.7) at tage \u224855 Myr. As in Paper I, we assume that the fossil electron population has a powerlaw spectrum with exponential cuto\ufb00. We also consider various models with di\ufb00erent fossil electron populations or shock Mach numbers, as summarized in Table 1. We then calculate the radio surface brightness pro\ufb01le, I\u03bd(R), and the volume-integrated spectrum, J\u03bd, adopting the downstream volumes with the same geometrical structure assumed in Paper I. We \ufb01nd that a shock of Ms \u22482.7\u22123.0 and us \u22482.5\u22122.8\u00d7103 km s\u22121 (e.g., the M3.0C1 and M3.3C1 models), which has exited the fossil electron cloud of 131 kpc about 10 Myr ago, can leave radio-emitting electrons behind, which produce both I\u03bd(R) and J\u03bd consistent with the observations reported by van Weeren et al. (2010) and Stroe et al. (2016). Although the detailed shape of J\u03bd depends on the spectrum of fossil electrons (e.g., the slope, s, and the cuto\ufb00energy, \u03b3e,c) as well as the shock Mach number and the magnetic \ufb01eld strength, the ensuing radio spectrum may explain the steepening of J\u03bd above \u223c2 GHz, seen in the Sausage relic, by adjusting the time since the break-out, tage \u2212tcross. As emphasized in Paper I, the single power-law radio spectrum is valid only for a steady planar shock with age much longer than 100 Myr (see equation (10)). For a spherically expanding shock at younger age, the integrated radio spectrum should be curved in the range of \u223c(0.1\u221210) \u03bdbr. In this study, we further demonstrate that the spectral index could be much bigger than A\u03bd = \u03b1shock + 0.5 at high frequencies, if the shock sweeps out of the fossil electron cloud of \ufb01nite size. We conjecture that the typical value of tage \u2212tcross for observed giant radio relics would be of order of 10 Myr, because, if much longer than that, the radio \ufb02ux density decreases quickly due to fast cooling after the shock breaks out of the cloud (see Figures 3 and 4). In such cases, the spatial o\ufb00set between the projected shock front and the edge of the radio relic is of order of 10 kpc, which is too small to be resolved with currently available observation \f\u2013 15 \u2013 facilities. In addition, with the o\ufb00set, the shock Mach number, Mradio, derived from the local spectral index, \u03b1\u03bd, observed at the relic edge is expected to be slightly lower than the actual shock Mach number, for instance, the Mach number, MX, if the shock can be detected in X-ray observations. This is contrary to the observed trend that in some radio relics MX \u2272Mradio (e.g. Akamatsu & Kawahara 2013). Such observations of MX \u2272Mradio, hence, should be understood by other reasons, for instance, the projection e\ufb00ect of multiple shock surfaces along line of sights in X-ray and radio observations (e.g. Hong et al. 2015). We thank the referee for constructive suggestions. We also thank R. J. van Weeren for comments on the manuscript. HK was supported by Basic Science Research Program through the National Research Foundation of Korea (NRF) funded by the Ministry of Education (2014R1A1A2057940). DR was supported by the National Research Foundation of Korea through grant NRF-2014M1A7A1A03029872."
+ },
+ {
+ "url": "http://arxiv.org/abs/1505.04256v2",
+ "title": "Curved Radio Spectra of Weak Cluster Shocks",
+ "abstract": "In order to understand certain observed features of arc-like giant radio\nrelics such as the rareness, uniform surface brightness, and curved integrated\nspectra, we explore a diffusive shock acceleration (DSA) model for radio relics\nin which a spherical shock impinges on a magnetized cloud containing fossil\nrelativistic electrons. Toward this end, we perform DSA simulations of\nspherical shocks with the parameters relevant for the Sausage radio relic in\ncluster CIZA J2242.8+5301, and calculate the ensuing radio synchrotron emission\nfrom re-accelerated electrons. Three types of fossil electron populations are\nconsidered: a delta-function like population with the shock injection momentum,\na power-law distribution, and a power-law with an exponential cutoff. The\nsurface brightness profile of radio-emitting postshock region and the\nvolume-integrated radio spectrum are calculated and compared with observations.\nWe find that the observed width of the Sausage relic can be explained\nreasonably well by shocks with speed $u_s \\sim 3\\times 10^3 \\kms$ and sonic\nMach number $M_s \\sim 3$. These shocks produce curved radio spectra that\nsteepen gradually over $(0.1-10) \\nu_{\\rm br}$ with break frequency $ \\nu_{\\rm\nbr}\\sim 1$ GHz, if the duration of electron acceleration is $\\sim 60 - 80$ Myr.\nHowever, the abrupt increase of spectral index above $\\sim 1.5$ GHz observed in\nthe Sausage relic seems to indicate that additional physical processes, other\nthan radiative losses, operate for electrons with $\\gamma_e \\gtrsim 10^4$.",
+ "authors": "Hyesung Kang, Dongsu Ryu",
+ "published": "2015-05-16",
+ "updated": "2015-07-24",
+ "primary_cat": "astro-ph.HE",
+ "cats": [
+ "astro-ph.HE"
+ ],
+ "main_content": "INTRODUCTION Radio relics are di\ufb00use radio sources found in the outskirts of galaxy clusters and they are thought to trace synchrotron-emitting cosmic-ray (CR) electrons accelerated via di\ufb00usive shock acceleration (DSA) at cluster shocks (e.g. Ensslin et al. 1998; Bagchi et al. 2006; van Weeren et al. 2010; Br\u00a8 uggen et al. 2012). So far several dozens of clusters have been observed to have radio relics with a variety of morphologies and most of them are considered to be associated with cluster merger activities (see for reviews, e.g., Feretti et al. 2012; Brunetti & Jones 2014). For instance, double radio relics, such as the ones in ZwCl0008.8+5215, are thought to reveal the bow shocks induced by a binary major merger (van Weeren et al. 2011b; de Gasperin et al. 2014). On the other hand, recently it was shown that shocks induced by the infall of the warm-hot intergalactic medium (WHIM) along adjacent \ufb01laments into the hot intracluster medium (ICM) can e\ufb03ciently accelerate CR electrons, and so they could be responsible for some radio relics in the cluster outskirts (see, e.g., Hong et al. 2014). The radio relic 1253+275 in Coma cluster observed in both radio (Brown & Rudnick 2011) and X-ray (Ogrean & Br\u00a8 uggen 2013) provides an example of such infall shocks. The so-called Sausage relic in CIZA J2242.8+5301 (z = 0.192) contains a thin arc-like structure of \u223c55 kpc width and \u223c2 Mpc length, which could be represented by a portion of spherical shell with radius \u223c1.5 Mpc (van Weeren et al. 2010). Unique features of this giant radio relic include the nearly uniform surface brightness along the length of the relic and the strong polarization of up to 50 \u221260% with magnetic \ufb01eld vectors aligned with the relic (van Weeren et al. 2010). A temperature jump across the relic that corresponds to a Ms \u22482.54 \u22123.15 shock has been detected in X-ray observations (Akamatsu & Kawahara 2013; Ogrean et al. 2014). This was smaller than Ms \u22484.6 estimated from the above radio observation. Several examples of Mpc-scale radio relics include the Toothbrush relic in 1RXS J0603.3 with a peculiar linear morphology (van Weeren et al. 2012) and the relics in A3667 (Rottgering et al. 1997) and A3376 (Bagchi et al. 2006). The shock Mach numbers of radio relics estimated based on X-ray observation are often lower than those inferred from the radio spectral index using the DSA model, for instance, in the Toothbrush relic (Ogrean et al. 2013) and in the radio relic in A2256 (Trasatti et al. 2015). Although such giant radio relics are quite rare, the fraction of X-ray luminous clusters hosting some radio relics is estimated to be \u223c10 % or so (Feretti et al. 2012). Through a number of studies using cosmological hydrodynamical simulations, it has been demonstrated that during the process of hierarchical structure formation, abundant shocks are produced in the large-scale structure of the universe, especially in clusters (e.g., Ryu et al. 2003; Pfrommer et al. 2006; Skillman et al. 2008; Hoeft et al. 2008; Vazza et al. 2009; Vazza et al 2011; Hong et al. 2014). Considering that the characteristic time-scale of \f\u2013 3 \u2013 cluster dynamics including mergers is tdyn \u223c1 Gyr, typical cluster shocks are expected to last for about the same period. Yet, the number of observed radio relics, which is thought to trace such shocks, is still limited. So it is plausible to conjecture that cluster shocks may \u2018turn on\u2019 to emit synchrotron radiation only for a fraction of their lifetime. One feasible scenario is that a cluster shock lights up in radio when it sweeps up a fossil cloud, i.e., a magnetized ICM gas with fossil relativistic electrons left over from either a radio jet from AGN or a previous episode of shock/turbulence acceleration (see the discussions in Section 2.5 and Figure 1). Pre-exiting seed electrons and/or enhanced magnetic \ufb01elds are the requisite conditions for possible lighting-up of relic shocks. In particular, the elongated shape with uniform surface brightness and high polarization fraction of radio emission in the Sausage relic, may be explained, if a Mpc-scale thermal gas cloud, containing fossil relativistic electrons and permeated with regular magnetic \ufb01eld of a few to several \u00b5G, is adopted. A more detailed description will be given later in Section 2.5. In this picture, fossil electrons are expected to be re-accelerated for less than cloud-crossing time (< Rcloud/us \u223c100 Myr), which is much shorter than the cluster dynamical time-scale. In addition, only occasional encounters with fossil clouds combined with the short acceleration duration could alleviate the strong constraints on the DSA theory based on non-detection of \u03b3-ray emission from clusters by Fermi-LAT (Ackermann et al. 2014; Vazza et al. 2015). A similar idea has been brought up by Shimwell et al. (2015), who reported the discovery of a Mpc-scale, elongated relic in the Bullet cluster 1E 0657-55.8. They also proposed that the arc-like shape of uniform surface brightness in some radio relics may trace the underlying regions of pre-existing, seed electrons remaining from old radio lobes. On the other hand, Ensslin & Gopal-Krishna (2001) suggested that radio relics could be explained by revival of fossil radio plasma by compression due to a passage of a shock, rather than DSA. In a follow-up study, Ensslin & Br\u00a8 uggen (2002) showed using MHD simulations that a cocoon of hot radio plasma swept by a shock turns into a \ufb01lamentary or toroidal structure. Although this scenario remains to be a viable explanation for some radio relics, it may not account for the uniform arc-like morphology of the Sausage relic. It is now well established, through observations of radio halos/relics and Faraday rotation measures of background radio sources, that the ICM is permeated with \u00b5G-level magnetic \ufb01elds (e.g. Bonafede et al. 2011; Feretti et al. 2012). The observed radial pro\ufb01le of magnetic \ufb01eld strength tends to peak at the center with a few \u00b5G and decrease outward to \u223c0.1\u00b5G in the cluster outskirts (Bonafede et al. 2010). A variety of physical processes that could generate and amplify magnetic \ufb01elds in the ICM have been suggested: primordial processes, plasma processes at the recombination epoch, and Biermann battery mechanism, combined with turbulence dynamo, in addition to galactic winds and AGN jets (e.g. \f\u2013 4 \u2013 Ryu et al. 2008; Dolag et al. 2008; Br\u00a8 uggen et al. 2012; Ryu et al. 2012; Cho 2014). Given the fact that \u223c5\u00b5G \ufb01elds are required to explain the amplitude and width of the observed radio \ufb02ux pro\ufb01le of the Sausage relic (e.g. van Weeren et al. 2010; Kang et al. 2012), the presence of a cloud with enhanced magnetic \ufb01elds of several \u00b5G might be preferred to the background \ufb01elds of \u223c0.1\u00b5G in the cluster periphery. Alternatively, Iapichino & Br\u00a8 uggen (2012) showed that the postshock magnetic \ufb01elds can be ampli\ufb01ed to \u223c5 \u22127\u00b5G level leading to high degrees of polarization, if there exists dynamically signi\ufb01cant turbulence in the upstream region of a curved shock. Although it is well accepted that magnetic \ufb01elds can be ampli\ufb01ed via various plasma instabilities at collisionless shocks, the dependence on the shock parameters such as the shock sonic and Alfv\u00b4 enic Mach numbers, and the obliquity of background magnetic \ufb01elds remains to be further investigated (see Schure et al. 2012). For example, the acceleration of protons and ensuing magnetic \ufb01eld ampli\ufb01cation via resonant and non-resonant streaming instabilities are found to be ine\ufb00ective at perpendicular shocks (Bell 1978, 2004; Caprioli & Spitkovsky 2014). In several studies using cosmological hydrodynamical simulations, synthetic radio maps of simulated clusters were constructed by identifying shocks and adopting models for DSA of electrons and magnetic \ufb01eld ampli\ufb01cation (Nuza et al. 2012; Vazza et al. 2012a; Skillman et al. 2013; Hong et al. 2015). In particular, Vazza et al. (2012b) demonstrated, by generating mock radio maps of simulated cluster samples, that radio emission tends to increase toward the cluster periphery and peak around 0.2 \u22120.5Rvir (where Rvir is the virial radius), mainly because the kinetic energy dissipated at shocks peaks around 0.2Rvir. As a result, radio relics are rarely found in the cluster central regions. Re-acceleration of fossil relativistic electrons by cosmological shocks during the large scale structure formation has been explored by Pinzke et al. (2013). The radio emitting shocks in these studies look like segments of spherical shocks, moving from the cluster core region into the periphery. We presume that they are generated mostly as a consequence of major mergers or energetic infalls of the WHIM along adjacent \ufb01laments. So it seems necessary to study spherical shocks propagating through the cluster periphery, rather than interpreting the radio spectra by DSA at steady planar shocks, in order to better understand the nature of radio relics (Kang 2015a,b). According to the DSA theory, in the case of a steady planar shock with constant postshock magnetic \ufb01eld, the electron distribution function at the shock location becomes a power-law of fe(p, rs) \u221dp\u2212q, and so the synchrotron emissivity from those electrons becomes a power-law of j\u03bd(rs) \u221d\u03bd\u2212\u03b1inj. The power-low slopes depend only on the shock sonic Mach number, Ms, and are given as q = 4M2 s /(M2 s \u22121) and \u03b1inj = (M2 s + 3)/2(M2 s \u22121) for the gasdynamic shock with the adiabatic index \u03b3g = 5/3 (Drury 1983; Blandford & Eichler 1987; Ensslin et al. 1998). Here we refer \u03b1inj as the injection spectral index for a steady planar shock with constant postshock magnetic \ufb01eld. Then, the volume-integrated synchrotron \f\u2013 5 \u2013 spectrum downstream of the shock also becomes a simple power-law of J\u03bd = R j\u03bd(r)dV \u221d \u03bd\u2212A\u03bd with the spectral index A\u03bd = \u03b1inj + 0.5 above the break frequency, \u03bdbr, since electrons cool via synchrotron and inverse-Compton (IC) losses behind the shock (e.g., Ensslin et al. 1998; Kang 2011).1 Such predictions of the DSA theory have been applied to explain the observed properties of radio relics, e.g., the relation between the injection spectral index and the volume-integrated spectral index, and the gradual steepening of spatially resolved spectrum downstream of the shock. Kang et al. (2012) performed time-dependent, DSA simulations of CR electrons for steady planar shocks with Ms = 2\u22124.5 and constant postshock magnetic \ufb01elds. Several models with thermal leakage injection or pre-existing electrons were considered in order to reproduce the surface brightness and spectral aging pro\ufb01les of radio relics in CIZA J2242.8+5301 and ZwCl0008.8+5215. Adopting the same geometrical structure of radio-emitting volume as described in Section 2.5, they showed that the synchrotron emission from shock accelerated electrons could explain the observed pro\ufb01les of the radio \ufb02ux, S\u03bd(R), of the Sausage relic, and the observed pro\ufb01les of both S\u03bd(R) and \u03b1\u03bd(R) of the relic in ZwCl0008.8+5215. Here R is the distance behind the projected shock edge in the plane of the sky. In the case of spherically expanding shocks with varying speeds and/or nonuniform magnetic \ufb01eld pro\ufb01les, on the other hand, the electron spectrum and the ensuing radio spectrum could deviate from those simple power-law forms, as shown in Kang (2015a,b). Then even the injection slope should vary with the frequency, i.e., \u03b1inj(\u03bd). Here we follow the evolution of a spherical shock expanding outward in the cluster outskirts with a decreasing density pro\ufb01le, which may lead to a curvature in both the injected spectrum and the volumeintegrated spectrum. Moreover, if the shock is relatively young or the electron acceleration duration is short (\u2272100 Myr), then the break frequency falls in \u03bdbr \u223c1 GHz and the volume-integrated spectrum of a radio relic would steepen gradually with the spectral index from \u03b1inj to \u03b1inj + 0.5 over (0.1 \u221210)\u03bdbr (e.g. Kang 2015b). In the case of the Sausage relic, van Weeren et al. (2010) and Stroe et al. (2013) originally reported observations of \u03b1inj \u22480.6 and \u03b1 = A\u03bd \u22481.06, which imply a shock of Ms \u22484.6. Stroe et al. (2014b), however, found a spectral steepening of the volumeintegrated spectrum at 16 GHz, which would be inconsistent with the DSA model for a steady planar shock. Moreover, Stroe et al. (2014a), by performing a spatially-resolved spectral \ufb01tting, revised the injection index to a steeper value, \u03b1inj \u22480.77. Then, the corresponding 1Note that radio observers commonly use \u2018\u03b1\u2019 as the spectral index of the \ufb02ux density, S\u03bd \u221d\u03bd\u2212\u03b1 for unresolved sources, so in that case \u03b1 is the same as A\u03bd. Here \u03b1\u03bd(r) is de\ufb01ned as the spectral index of the local emissivity, j\u03bd(r). See Equations (9)-(10). \f\u2013 6 \u2013 shock Mach number is reduced to Ms \u22482.9. They also suggested that the spectral age, calculated under the assumption of freely-aging electrons downstream of a steady planar shock, might not be compatible with the shock speed estimated from X-ray and radio observations. Also Trasatti et al. (2015) reported that for the relic in A2256, the volume-integrated index steepens from A\u03bd \u22480.85 for \u03bd = 351 \u22121369 MHz to A\u03bd \u22481.0 for \u03bd = 1.37 \u221210.45 GHz, which was interpreted as a broken power-law. Discoveries of radio relic shocks with Ms \u223c2 \u22123 in recent years have brought up the need for more accurate understanding of injections of protons and electrons at weak collisionless shocks, especially at high plasma beta (\u03b2p \u223c50\u2212100) ICM plasmas (e.g. Kang et al. 2014). Here \u03b2p is the ratio of the gas to magnetic \ufb01eld pressure. Injection of electrons into the Fermi 1st-order process has been one of long-standing problems in the DSA theory for astrophysical shocks, because it involves complex plasma kinetic processes that can be studied only through full Particle-in-Cell (PIC) simulations (e.g. Amano & Hoshino 2009; Riquelme & Spitkovsky 2011). It is thought that electrons must be pre-accelerated from their thermal momentum to several times the postshock thermal proton momentum to take part in the DSA process, and electron injection is much less e\ufb03cient than proton injection due to smaller rigidity of electrons. Several recent studies using PIC simulations have shown that some of incoming protons and electrons gain energies via shock drift acceleration (SDA) while drifting along the shock surface, and then the particles are re\ufb02ected toward the upstream region. Those re\ufb02ected particles can be scattered back to the shock by plasma waves excited in the foreshock region, and then undergo multiple cycles of SDA, resulting in power-law suprathermal populations (e.g., Guo et al. 2014a,b; Park et al. 2015). Such \u2018self pre-acceleration\u2019 of thermal electrons in the foreshock region could be su\ufb03cient enough even at weak shocks in high beta ICM plasmas to explain the observed \ufb02ux level of radio relics. In these PIC simulations, however, subsequent acceleration of suprathermal electrons into full DSA regime has not been explored yet, because extreme computational resources are required to follow the simulations for a large dynamic range of particle energy. The main reasons that we implement the fossil electron distribution, instead of the shock injection only case, are (1) the relative scarcity of radio relics compared to the abundance of shocks expected to form in the ICM, (2) the peculiar uniformity of the surface brightness of the Sausage relic, and (3) curved integrated spectra often found in some radio relics, implying the acceleration duration \u2272100 Myr, much shorter than the cluster dynamical time. In this paper, we consider a DSA model for radio relics; a spherical shock moves into a magnetized gas cloud containing fossil relativistic electrons, while propagating through a density gradient in the cluster outskirts. Speci\ufb01cally, we perform time-dependent DSA simulations for several spherical shock models with the parameters relevant for the Sausage \f\u2013 7 \u2013 relic. We then calculate the surface brightness pro\ufb01le, I\u03bd, and the volume-integrated radio spectrum, J\u03bd, by adopting a speci\ufb01c geometrical structure of shock surface, and compare them with the observational data of the Sausage relic. In Section 2, the DSA simulations and the model parameters are described. The comparison of our results with observations is discussed in Section 3. A brief summary is given in Section 4. 2. DSA SIMULATIONS OF CR ELECTRONS 2.1. 1D Spherical CRASH Code We follow the evolution of the CR electron population by solving the following di\ufb00usionconvection equation in the one-dimensional (1D) spherical geometry: \u2202ge \u2202t + u\u2202ge \u2202r = 1 3r2 \u2202(r2u) \u2202r \u0012\u2202ge \u2202y \u22124ge \u0013 + 1 r2 \u2202 \u2202r \u0014 r2D(r, p)\u2202ge \u2202r \u0015 + p \u2202 \u2202y \u0012 b p2ge \u0013 , (1) where ge(r, p, t) = fe(r, p, t)p4 is the pitch-angle-averaged phase space distribution function of electrons, u(r, t) is the \ufb02ow velocity and y \u2261ln(p/mec) with the electron mass me and the speed of light c (Skilling 1975). The spatial di\ufb00usion coe\ufb03cient, D(r, p), is assumed to have a Bohm-like dependence on the rigidity, D(r, p) = 1.7 \u00d7 1019cm2s\u22121 \u0012 B(r) 1 \u00b5G \u0013\u22121 \u0012 p mec \u0013 . (2) The cooling coe\ufb03cient b(p) = \u2212dp/dt accounts for radiative cooling, and the cooling time scale is de\ufb01ned as trad(\u03b3e) = p b(p) = 9.8 \u00d7 107 yr \u0012 Be 5 \u00b5G \u0013\u22122 \u0010 \u03b3e 104 \u0011\u22121 , (3) where \u03b3e is the Lorentz factor of electrons. Here the \u2018e\ufb00ective\u2019 magnetic \ufb01eld strength, B2 e \u2261B2 + B2 rad with Brad = 3.24 \u00b5G(1 + z)2, takes account for the IC loss due to the cosmic background radiation as well as synchrotron loss. The redshift of the cluster CIZA J2242.8+5301 is z = 0.192. Assuming that the test-particle limit is applied at weak cluster shocks with Ms \u2272 several (see Table 1), the usual gasdynamic conservation equations are solved to follow the background \ufb02ow speed, u(r, t), using the 1D spherical version of the CRASH (Cosmic-Ray Amr SHock) code (Kang & Jones 2006). The structure and evolution of u(r, t) are fed into \f\u2013 8 \u2013 Equation (1), while the gas pressure, Pg(r, t), is used in modeling the postshock magnetic \ufb01eld pro\ufb01le (see Section 2.3). We do not consider the acceleration of CR protons in this study, since the synchrotron emission from CR electrons is our main interest and the dynamical feedback from the CR proton pressure can be ignored at weak shocks (Ms \u22723) in the testparticle regime (Kang & Ryu 2013). In order to optimize the shock tracking of the CRASH code, a comoving frame that expands with the instantaneous shock speed is adopted. Further details of DSA simulations can be found in Kang (2015a). 2.2. Shock Parameters To set up the initial shock structure, we adopt a Sedov self-similar blast wave propagating into a uniform static medium, which can be speci\ufb01ed by two parameters, typically, the explosion energy, E0, and the background density, \u03c10 (Ostriker & McKee 1988; Ryu & Vishniac 1991). For our DSA simulations, we choose the initial shock radius and speed, rs,i and us,i, respectively, and adopt the self-similar pro\ufb01les of the gas density \u03c1(r), the gas pressure Pg(r), and the \ufb02ow speed u(r) behind the shock in the upstream rest-frame. For the \ufb01ducial case (SA1 model in Table 1), for example, the initial shock parameters are rs,i = 1.3 Mpc, and us,i = 3.3 \u00d7 103 km s\u22121. For the model parameters for the shock and upstream conditions, refer to Table 1 and Section 3.1. We suppose that at the onset of the DSA simulations, this initial shock propagates through the ICM with the gas density gradient described by a power law of r. Typical X-ray brightness pro\ufb01les of observed clusters can be represented approximately by the so-call beta model for isothermal ICMs, \u03c1(r) \u221d[1+(r/rc)2]\u22123\u03b2/2 with \u03b2 \u223c2/3 (Sarazin 1986). In the outskirts of clusters, well outside of the core radius (r \u226brc), it asymptotes as \u03c1(r) \u221dr\u22123\u03b2. We take the upstream gas density of \u03c1up \u221dr\u22122 as the \ufb01ducial case (SA1), but also consider \u03c1up \u221dr\u22124 (SA3) and \u03c1up = constant (SA4) for comparison. The shock speed and Mach number decrease in time as the spherical shock expands, depending on the upstream density pro\ufb01le. Kang (2015b) demonstrated that the shock decelerates approximately as us \u221dt\u22123/5 for \u03c1up = constant and as us \u221dt\u22121/3 for \u03c1up \u221dr\u22122, while the shock speed is almost constant in the case of \u03c1up \u221dr\u22124. As a result, nonlinear deviations from the DSA predictions for steady planar shocks are expected to become the strongest in SA4 model, while the weakest in SA3 model. In the \ufb01ducial SA1 model, which is the most realistic among the three models, the e\ufb00ects of the evolving spherical shock are expected to be moderate. The ICM temperature is set as kT1 = 3.35keV, adopted from Ogrean et al. (2014), in most of the models. Hereafter, the subscripts \u201c1\u201d and \u201c2\u201d are used to indicate the quantities immediately upstream and downstream of the shock, respectively. Although the \f\u2013 9 \u2013 ICM temperature is known to decrease slightly in the cluster outskirt, it is assumed to be isothermal, since the shock typically travels only 0.2 \u22120.3 Mpc for the duration of our simulations \u2272100 Myr. 2.3. Models for Magnetic Fields Magnetic \ufb01elds in the downstream region of the shock are the key ingredient that governs the synchrotron cooling and emission of CR electrons in our models. We assume that the fossil cloud is magnetized to \u00b5G level. As discussed in the Introduction, observations indicate that the magnetic \ufb01eld strength decreases from \u223c1\u221210 \u00b5G in the core region to \u223c0.1\u22121 \u00b5G in the periphery of clusters (e.g., Bonafede et al. 2010; Feretti et al. 2012). This corresponds to the plasma beta of \u03b2p \u223c50 \u2212100 in typical ICMs (e.g., Ryu et al. 2008, 2012). On the other hand, it is well established that magnetic \ufb01elds can be ampli\ufb01ed via resonant and non-resonant instabilities induced by CR protons streaming upstream of strong shocks (Bell 1978, 2004). In addition, magnetic \ufb01elds can be ampli\ufb01ed by turbulent motions behind shocks (Giacalone & Jokipii 2007). Recent hybrid plasma simulations have shown that the magnetic \ufb01eld ampli\ufb01cation factor due to streaming CR protons scales with the Alfv\u00b4 enic Mach number, MA, and the CR proton acceleration e\ufb03ciency as \u27e8\u03b4B/B\u27e92 \u223c3MA(Pcr,2/\u03c11u2 s) (Caprioli & Spitkovsky 2014). Here, \u03b4B is the turbulent magnetic \ufb01eld perpendicular to the mean background magnetic \ufb01eld, Pcr,2 is the downstream CR pressure, and \u03c11u2 s is the upstream ram pressure. For typical radio relic shocks, the sonic and Alfv\u00b4 enic Mach numbers are expected to range 2 \u2272Ms \u22725 and 10 \u2272MA \u227225, respectively (e.g., Hong et al. 2014). The magnetic \ufb01eld ampli\ufb01cation in both the upstream and downstream of weak shocks is not yet fully understood, especially in high beta ICM plasmas. So we consider simple models for the postshock magnetic \ufb01elds. For the \ufb01ducial case, we assume that the magnetic \ufb01eld strength across the shock transition is increased by compression of the two perpendicular components: B2(t) = B1 p 1/3 + 2\u03c3(t)2/3, (4) where B1 and B2 are the magnetic \ufb01eld strengths immediately upstream and downstream of the shock, respectively, and \u03c3(t) = \u03c12/\u03c11 is the time-varying compression ratio across the shock. For the downstream region (r < rs), the magnetic \ufb01eld strength is assumed to scale with the gas pressure: Bdn(r, t) = B2(t) \u00b7 [Pg(r, t)/Pg,2(t)]1/2, (5) where Pg,2(t) is the gas pressure immediately behind the shock. This assumes that the ratio of the magnetic to thermal energy density is constant downstream of the shock. Since Pg(r) decreases behind the spherical blast wave, Bdn(r) also decreases downstream as illustrated \f\u2013 10 \u2013 in Figure 2. This \ufb01ducial magnetic \ufb01eld model is adopted in most of the models described in Table 1, except SA2 and SA4 models. The range of B2(t) is shown for the acceleration duration of 0 \u2264tage \u226460 Myr in Table 1, re\ufb02ecting the decrease of shock compression ratio during the period, but the change is small. In the second, more simpli\ufb01ed (but somewhat unrealistic) model, it is assumed that B1 = 2 \u00b5G and B2 = 7 \u00b5G, and the downstream magnetic \ufb01eld strength is constant, i.e., , Bdn = B2 for r < rs. This model was adopted in Kang et al. (2012) and also for SA2 and SA4 models for comparison in this study. Kang (2015b) showed that the postshock synchrotron emission increases downstream away from the shock in the case of a decelerating shock, because the shock is stronger at earlier time. But such nonlinear signatures become less distinct in the model with decreasing downstream magnetic \ufb01elds, compared with the model with constant downstream magnetic \ufb01elds, because the contribution of synchrotron emission from further downstream region becomes weaker. 2.4. Injection Momentum As described in the Introduction, the new picture of particle injection emerged from recent PIC simulations is quite di\ufb00erent from the \u2018classical\u2019 thermal leakage injection model commonly employed in previous studies of DSA (e.g., Kang et al. 2002). However, the requirement of p \u22733pth,p for particles to take part in the full Fermi 1st-order process, scattering back and forth di\ufb00usively across the shock transition zone with thickness, \u2206lshock \u223crg(pth,p), seems to remain valid (Caprioli et al. 2015; Park et al. 2015). Here, pth,p = p 2mpkBT2 is the most probable momentum of thermal protons with postshock temperature T2 and rg is the gyroradius of particles. In other words, only suprathermal particles with the gyro-radius greater than the shock thickness are expected to cross the shock transition layer. Hence, we adopt the traditional phenomenological model in which only particles above the injection momentum, pinj \u22485.3 mpus/\u03c3, are allowed to get injected into the CR populations at the lowest momentum boundary (Kang et al. 2002). This can be translated to the electron Lorentz factor, \u03b3e,inj = pinj/mec \u223c30(us/3000 km s\u22121)(3.0/\u03c3). In the case of expanding shocks considered in this study, pinj(t) decreases as the shock slows down in time. \f\u2013 11 \u2013 2.5. Fossil Electrons As mentioned in the Introduction, one peculiar feature of the Sausage relic is the uniform surface brightness along the Mpc-scale arc-like shape, which requires a special geometrical distribution of shock-accelerated electrons (van Weeren et al. 2011a). Some of previous studies adopted the ribbon-like curved shock surface and the downstream swept-up volume, viewed edge-on with the viewing extension angle \u03c8 \u223c10\u25e6(e.g., van Weeren et al. 2010; Kang et al. 2012; Kang 2015b). We suggest a picture where a spherical shock of radius rs \u223c1.5 Mpc passes through an elongated cloud with width wcloud \u223c260 kpc and length lcloud \u223c2 Mpc, \ufb01lled with fossil electrons. Then the shock surface penetrated into the cloud becomes a ribbon-like patch, distributed on a sphere with radius rs \u223c1.5 Mpc with the angle \u03c8 = 360\u25e6\u00b7 wcloud/(2\u03c0rs) \u223c10\u25e6. The downstream volume of radio-emitting, reaccelerated electrons has the width \u2206l(\u03b3e) \u2248(us/\u03c3) \u00b7 min[tage, trad(\u03b3e)], as shown in Figure 1 of Kang (2015b). Hereafter the \u2018acceleration age\u2019, tage, is de\ufb01ned as the duration of electron acceleration since the shock encounters the cloud. This model is expected to produce a uniform surface brightness along the relic length. Moreover, if the acceleration age is tage \u2272100 Myr, the volume-integrated radio spectrum is expected to steepen gradually over 0.1-10 GHz (Kang 2015b). There are several possible origins for such clouds of relativistic electrons in the ICMs: (1) old remnants of radio jets from AGNs, (2) electron populations that were accelerated by previous shocks and have cooled down below \u03b3e < 104, and (3) electron populations that were accelerated by turbulence during merger activities. Although an AGN jet would have a hollow, cocoon-like shape initially, it may turn into a \ufb01lled, cylindrical shape through di\ufb00usion, turbulent mixing, or contraction of relativistic plasmas, as the electrons cool radiatively. During such evolution relativistic electrons could be mixed with the ICM gas within the cloud. We assume that the cloud is composed of the thermal gas of \u03b3g = 5/3, whose properties (density and temperature) are the same as the surrounding ICM gas, and an additional population of fossil electrons with dynamically insigni\ufb01cant pressure. In that regard, our fossil electron cloud is di\ufb00erent from hot bubbles considered in previous studies of the interaction of a shock with a hot rare\ufb01ed bubble (e.g., Ensslin & Br\u00a8 uggen 2002). In the other two cases where electrons were accelerated either by shocks or by turbulence (see, e.g., Farnsworth et al. 2013), it is natural to assume that the cloud medium should contain both thermal gas and fossil electrons. Three di\ufb00erent spectra for fossil electron populations are considered. In the \ufb01rst \ufb01ducial case (e.g., SA1 model), nonthermal electrons have the momentum around pinj, which corresponds to \u03b3e,inj \u223c20 \u221230 for the model shock parameters considered here. So in this model, seed electrons with \u223c\u03b3e,inj are injected from the fossil population and re-accelerated into \f\u2013 12 \u2013 radio-emitting CR electrons with \u03b3e \u2273103. Since we compare the surface brightness pro\ufb01les in arbitrary units here, we do not concern about the normalization of the fossil population. In the second model, the fossil electrons are assumed to have a power-law distribution extending up to \u03b3e \u226b104, fe,up(p) = f0 \u00b7 \u0012 p pinj \u0013\u2212s . (6) For the modeling of the Sausage relic, the value of s is chosen as s = 2\u03b1inj + 3 = 4.2 with \u03b1inj = 0.6 (SA1p model). As mentioned in the Introduction, the volume-integrated radio spectrum of the Sausage relic seems to steepen at high frequencies, perhaps more strongly than expected from radiative cooling alone (Stroe et al. 2014b). So in the third model, we consider a power-law population with exponential cuto\ufb00as follows: fe,up(p) = f0 \u00b7 \u0012 p pinj \u0013\u2212s exp \" \u2212 \u0012 \u03b3e \u03b3e,cut \u00132# , (7) where \u03b3e,cut is the cuto\ufb00Lorentz factor. This may represent fossil electrons that have cooled down to \u223c\u03b3e,cut from the power-law distribution in Equation (6). The integrated spectrum of the Sausage relic shows a strong curvature above \u223c1.5 GHz (Stroe et al. 2014b), which corresponds to the characteristic frequency of synchrotron emission from electrons with \u03b3e \u223c 1.5 \u00d7 104 when the magnetic \ufb01eld strength ranges 5 \u22127 \u00b5G (see Equation (12) below). So \u03b3e,cut = 104 and 2 \u00d7 104 are chosen for SC1pex1 and SC1pex2 models, respectively. Figure 3 shows the electron distributions in the cloud medium: the thermal distribution for the ICM gas with kT = 3.35 keV and the fossil population. The characteristics of the di\ufb00erent models, SA1 (\ufb01ducial model), SA1p (power-law), and SC1pex1 (power-law with an exponential cuto\ufb00) will be described in Section 3.1. Note that there could be \u2018suprathermal\u2019 distribution between the thermal and CR populations. But it does not need to be speci\ufb01ed here, since only f(p) around pinj controls the spectrum of re-accelerated electrons. 3. RESULTS OF DSA SIMULATIONS 3.1. Models We consider several models whose characteristics are summarized in Table 1. For the \ufb01ducial model, SA1, the upstream density is assumed to decrease as \u03c1up = \u03c10(r/rs,i)\u22122, \f\u2013 13 \u2013 while the upstream temperature is taken to be kT1 = 3.35 keV. Since we do not concern about the absolute radio \ufb02ux level in this study, \u03c10 needs not to be speci\ufb01ed. The preshock magnetic \ufb01eld strength is B1 = 2.5 \u00b5G and the immediate postshock magnetic \ufb01eld strength is B2(t) \u22486.7 \u22126.3 \u00b5G during 60 Myr, while the downstream \ufb01eld, Bdn(r), is given as in equation (5). The initial shock speed is us,i = 3.3 \u00d7 103 km s\u22121, corresponding to the sonic Mach number of Ms,i = 3.5 at the onset of simulation. In all models with \u03c1up \u221dr\u22122, the shock slows down as us \u221dt\u22121/3, and at the electron acceleration age of 60 Myr, us \u22482.9\u00d7103 km s\u22121 with Ms \u22483.1 and \u03b1inj \u22480.73. The fossil seeds electrons are assumed to have a deltafunction-like distribution around \u03b3e,inj \u224830. In SA1b model, the upstream magnetic \ufb01eld strength is weaker with B1 = 0.25 \u00b5G and B2(t) \u22480.67 \u22120.63 \u00b5G during 60 Myr. Otherwise, it is the same as the \ufb01ducial model. So the character \u2018b\u2019 in the model name denotes \u2018weaker magnetic \ufb01eld\u2019, compared to the \ufb01ducial model. Comparison of SA1 and SA1b models will be discussed in Section 3.4. In SA1p model, the fossil electrons have a power-law population of fe,up \u221dp\u22124.2, while the rest of the parameters are the same as those of SA1 model. The character \u2018p\u2019 in the model name denotes a \u2018power-law\u2019 fossil population. In SA2 model, both the preshock and postshock magnetic \ufb01eld strengths are constant, i.e., B1 = 2 \u00b5G and B2 = 7 \u00b5G, otherwise it is the same as SA1 model. In SA3 model, the upstream gas density decreases as \u03c1up = \u03c10(r/rs,i)\u22124, so the shock decelerates more slowly, compared to SA1 model. Considering this, the initial shock speed is set to us,i = 3.0 \u00d7 103 km s\u22121 with Ms,i = 3.2. At the acceleration age of 60 Myr, the shock speed decreases to us \u22482.8 \u00d7 103 km s\u22121 corresponding to Ms \u22483.0. In SA4 model, the upstream density is constant, so the shock decelerates approximately as us \u221dt\u22123/5, more quickly, compared to SA1 model. The upstream and downstream magnetic \ufb01eld strengths are also constant as in SA2 model. Figure 2 compares the pro\ufb01les of the \ufb02ow speed, u(r, t), and the magnetic \ufb01eld strength, B(r, t), in SA1 and SA4 models. Note that although the shocks in SA1 and SA4 models are not very strong with the initial Mach number Ms,i \u22483.5, they decelerate approximately as us \u221dt\u22121/3 and us \u221dt\u22123/5, respectively, as in the self-similar solutions of blast waves (Ostriker & McKee 1988; Ryu & Vishniac 1991). The shock speed decreases by \u223c12 \u221215% during the electron acceleration age of 60 Myr in the two models. In SB1 model, the preshock temperature, T1, is lower by a factor of 1.52, and so the initial shock speed us,i = 3.3 \u00d7 103 km s\u22121 corresponds to Ms,i \u22485.3. The shock speed us \u22482.9 \u00d7 103 km s\u22121 at the age of 60 Myr corresponds to Ms \u22484.6, so the injection spectral index \u03b1inj \u22480.6. The \u2018SB\u2019 shock is di\ufb00erent from the \u2018SA\u2019 shock in terms of only \f\u2013 14 \u2013 the sonic Mach number. In SC1pex1 and SC1pex2 models, the fossil electrons have fe,up \u221dp\u22124.2\u00b7exp[\u2212(\u03b3e/\u03b3e,cut)2] with the cuto\ufb00at \u03b3e,cut = 104 and \u03b3e,cut = 2 \u00d7 104, respectively. The character \u2018pex\u2019 in the model name denotes a \u2018power-law with an exponential cuto\ufb00\u2019. A slower initial shock with us,i \u22482.2 \u00d7 103 km s\u22121 and Ms,i \u22482.4 is chosen, so at the acceleration age of 80 Myr the shock slows down to Ms \u22482.1 with \u03b1inj \u22481.1. The \u2018SC\u2019 shock di\ufb00ers from the \u2018SA\u2019 shock in terms of the shock speed and the sonic Mach number. The integrated spectral index at high frequencies would be steep with A\u03bd \u22481.6, while A\u03bd \u22480.7 at low frequencies due to the \ufb02at fossil electron population. They are intended to be toy models that could reproduce the integrated spectral indices, A\u03bd \u223c0.7 for \u03bd = 0.1\u22120.2 GHz and A\u03bd \u223c1.6 for \u03bd = 2.3\u221216 GHz, compatible with the observed curved spectrum of the Sausage relic (Stroe et al. 2014b). 3.2. Radio Spectra and Indices The local synchrotron emissivity, j\u03bd(r), is calculated, using the electron distribution function, fe(r, p, t), and the magnetic \ufb01eld pro\ufb01le, B(r, t). Then, the radio intensity or surface brightness, I\u03bd, is calculated by integrating j\u03bd along lines-of-sight (LoSs). I\u03bd(R) = 2 Z hmax 0 j\u03bd(r)dh. (8) R is the distance behind the projected shock edge in the plane of the sky, as de\ufb01ned in the Introduction, and h is the path length along LOSs; r, R, and h are related as r2 = (rs \u2212 R)2 +h2. The extension angle is \u03c8 = 10\u25e6(see Section 2.5). Note that the radio \ufb02ux density, S\u03bd, can be obtained by convolving I\u03bd with a telescope beam as S\u03bd(R) \u2248I\u03bd(R)\u03c0\u03b81\u03b82(1+z)\u22123, if the brightness distribution is broad compared to the beam size of \u03b81\u03b82. The volume-integrated synchrotron spectrum, J\u03bd = R j\u03bd(r)dV , is calculated by integrating j\u03bd over the entire downstream region with the assumed geometric structure described in Section 2.5. The spectral indices of the local emissivity, j\u03bd(r), and the integrated spectrum, J\u03bd, are de\ufb01ned as follows: \u03b1\u03bd(r) = \u2212d ln j\u03bd(r) d ln \u03bd , (9) A\u03bd = \u2212d ln J\u03bd d ln \u03bd . (10) As noted in the Introduction, unresolved radio observations usually report the spectral index, \u2018\u03b1\u2019 at various frequencies, which is equivalent to A\u03bd here. In the postshock region, the cuto\ufb00of the electron spectrum, fe(r, \u03b3e), decreases downstream from the shock due to radiative losses, so the volume-integrated electron spectrum \f\u2013 15 \u2013 steepens from \u03b3\u2212q e to \u03b3\u2212(q+1) e above the break Lorentz factor (see Figure 5). At the electron acceleration age tage, the break Lorentz factor can be estimated from the condition tage = trad (Kang et al. 2012): \u03b3e,br \u2248104 \u0012 tage 100Myr \u0013\u22121 \u0012 52 B2 2 + B2 rad \u0013 . (11) Hereafter, the postshock magnetic \ufb01eld strength, B2, and Brad are expressed in units of \u00b5G. Since the synchrotron emission from mono-energetic electrons with \u03b3e peaks around \u03bdpeak \u22480.3 \u0012 3eB2 4\u03c0mec \u0013 \u03b32 e \u22480.63 GHz \u00b7 \u0012B2 5 \u0013 \u0010 \u03b3e 104 \u00112 , (12) the break frequency that corresponds to \u03b3e,br becomes \u03bdbr \u22480.63GHz \u0012 tage 100Myr \u0013\u22122 \u0012 52 B2 2 + B2 rad \u00132 \u0012B2 5 \u0013 . (13) So the volume-integrated synchrotron spectrum, J\u03bd, has a spectral break, or more precisely a gradual increase of the spectral index approximately from \u03b1inj to \u03b1inj + 0.5 around \u03bdbr. 3.3. Width of Radio Shocks For electrons with \u03b3e > 104, the radiative cooling time in Equation (3) becomes shorter than the acceleration age if tage \u2273100 Myr. Then, the width of the spatial distribution of those high-energy electrons downstream of the shock becomes \u2206lcool(\u03b3e) \u2248u2trad(\u03b3e) \u2248100 kpc \u00b7 \u0010 u2 103 km s\u22121 \u0011 \u0012 52 B2 2 + B2 rad \u0013 \u0010 \u03b3e 104 \u0011\u22121 , (14) where u2 is the downstream \ufb02ow speed. With the characteristic frequency \u03bdpeak of electrons with \u03b3e in Equation (12), the width of the synchrotron emitting region behind the shock at the observation frequency of \u03bdobs = \u03bdpeak/(1 + z) would be similar to \u2206lcool(\u03b3e): \u2206l\u03bdobs \u2248W\u00b7\u2206lcool(\u03b3e) \u2248W\u00b7100 kpc\u00b7 \u0010 u2 103 km s\u22121 \u0011 \u0012 52 B2 2 + B2 rad \u0013 \u0012B2 5 \u00131/2 \u0014\u03bdobs(1 + z) 0.63GHz \u0015\u22121/2 . (15) Here, W is a numerical factor of \u223c1.2 \u22121.3. This factor takes account for the fact that the spatial distribution of synchrotron emission at \u03bdpeak is somewhat broader than that of electrons with the corresponding \u03b3e, because more abundant, lower energy electrons also make contributions (Kang 2015a). One can estimate two possible values of the postshock \f\u2013 16 \u2013 magnetic \ufb01eld strength, B2, from this relation, if \u2206l\u03bdobs can be determined from the observed pro\ufb01le of surface brightness and u2 is known. For example, van Weeren et al. (2010) inferred two possible values of the postshock magnetic \ufb01eld strength of the Sausage relic, Blow \u2248 1.2 \u00b5G and Bhigh \u22485 \u00b5G, by assuming that the FWHM of surface brightness, \u2206lSB, is the same as \u2206l\u03bdobs \u2248\u2206lcool(\u03b3e) \u224855 kpc (i.e., W = 1). On the other hand, Kang et al. (2012) showed that the pro\ufb01le of surface brightness depends strongly on \u03c8 in the case of the assumed geometrical structure. Figure 4 illustrates the results of a planar shock with di\ufb00erent \u03c8\u2019s. The shock has us = 2.7\u00d7103 km s\u22121 and Ms = 4.5. The magnetic \ufb01eld strengths are assumed to be B1 = 2 \u00b5G and B2 = 7 \u00b5G, upstream and downstream of the shock, respectively. The results shown are at the acceleration age of 80 Myr. Note that the quantities, ge(d, \u03b3e), j\u03bd(d), and I\u03bd(R), are multiplied by arbitrary powers of \u03b3e and \u03bdobs, so they can be shown for di\ufb00erent values of \u03b3e and \u03bdobs with single linear scales in Figure 4. Here, the FWHM of ge(\u03b3e) is, for instance, \u2206lcool(\u03b3e) \u224828 kpc for \u03b3e = 8.47 \u00d7 103 (red dotted line in the top panel), while the FWHM of j\u03bd is \u2206l\u03bdobs \u224835 kpc for \u03bdobs = 0.594 GHz (red dotted line in the middle panel). Note that the values of \u03b3e and \u03bdpeak = \u03bdobs(1 + z) are chosen from the sets of discrete simulation bins, so they satisfy only approximately the Equation (12). The bottom panel demonstrates that the FWHM of I\u03bd, \u2206lSB, strongly depends on \u03c8. For instance, \u2206lSB \u224847 kpc for \u03bdobs = 0.594 GHz, if \u03c8 = 10\u25e6 (red dotted line). This implies that due to the projection e\ufb00ect, \u2206lSB could be substantially di\ufb00erent from \u2206lcool. So \u2206lSB of the observed radio \ufb02ux pro\ufb01le may not be used to infer possible values of B2 in radio relics, unless the geometrical structure of the shock is known and so the projection e\ufb00ect can be modeled accordingly. Note that the quantity Y (B2, z) \u2261[(B2 2 + B2 rad)/52]\u22121 \u00b7 (B2/5)1/2 in Equation (15) also appears as Y 2 in Equation (13). So the break frequency becomes identical for the two values of B2, Blow and Bhigh, that give the same value of Y . For example, SA1 model with B2(t) \u22486.7\u22126.3 \u00b5G and SA1b model with B2(t) \u22480.67\u22120.63 \u00b5G (see Table 1) produce not only the similar \u2206l\u03bdobs but also the similar spectral break in J\u03bd. But the corresponding values of \u03b3e,br in Equation (11) are di\ufb00erent for the two models with Blow and Bhigh. Moreover, the amplitude of the integrated spectrum would scale as J\u03bd(Bhigh)/J\u03bd(Blow) \u223c(Bhigh/Blow)2, if the electron spectrum ne(\u03b3e) for \u03b3e < \u03b3e,br is similar for the two models . We compare these two models in detail in the next section. 3.4. Comparison of the Two Models with Bhigh and Blow In Figure 5, we \ufb01rst compare the electron spectra and the synchrotron emission spectra in SA1 and SA1b models. Here, the plotted quantities, ge, Ge, j\u03bd and J\u03bd, are in arbitrary \f\u2013 17 \u2013 units. The postshock magnetic \ufb01eld strength decreases from B2 \u22486.7 \u00b5G to 6.2 \u00b5G in 110 Myr in SA1 model, while B2 \u22480.67 \u00b5G to 0.62 \u00b5G in SA1b model. In these two models, the values of Y (B2, z) are similar, so the spectral break in the integrated spectra should be similar as well. The left panels of Figure 5 show that the electron spectrum at the shock, ge(rs, p), steepens in time as the shock weakens. As expected, the volume-integrated electron spectrum, Ge(p) = p4Fe(p) = p4 R fe(r, p)dV , steepens by one power of p above the break momentum, pe,br, which decreases in time due to radiative losses. In both models, however, the slopes, q = \u2212d ln fe(rs, p)/d ln p and Q = \u2212d ln Fe(p)/d ln p, deviate from the simple steepening of Q = q to q + 1 above pe,br, because of the time-dependence of the shock properties. The right panels of Figure 5 show the synchrotron spectrum at the shock, j\u03bd(rs), the volume-integrated synchrotron spectrum, J\u03bd, and their spectral indices, \u03b1inj(\u03bd) and A\u03bd. Note that in both models, the transition of A\u03bd from \u03b1inj to \u03b1inj +0.5 is broader than the transition of Q from q to q + 1. This is because the synchrotron emission at a given frequency comes from electrons with a somewhat broad range of \u03b3e\u2019s. As in the case of Q, A\u03bd does not follow the simple steepening, but rather shows nonlinear features due to the evolving shock properties. This implies that the simple relation, A\u03bd \u2248\u03b1inj+0.5, which is commonly adopted in order to con\ufb01rm the DSA origin of synchrotron spectrum, should be applied with some caution in the case of evolving shocks. The highest momentum for ge(rs, p), peq \u221dus \u00b7 [B1/(B2 e,1 + B2 e,2)]1/2, is higher in SA1 model with stronger magnetic \ufb01eld, but the amplitude of ge(rs, p) near peq, say at p/mec \u223c 106 \u2212107.5, is greater in SA1b model with weaker magnetic \ufb01eld. As a consequence, the ratio of the synchrotron emission of the two models is somewhat less than the ratio of the magnetic energy density, (Bhigh/Blow)2 = 100. In SA1b model, for example, the amplitudes of j\u03bd(rs) and J\u03bd at 0.1 \u221210 GHz are reduced by a factor of \u223c60, compared to the respective values in SA1 model. Also the cuto\ufb00frequencies for both j\u03bd(rs) and J\u03bd are lower in SA1b model, compared to those in SA1 model. As pointed above, \u03bdbr is almost the same in the two models, although pe,br is di\ufb00erent. This con\ufb01rms that we would get two possible solutions for B2, if we attempt to estimate the magnetic \ufb01eld strength from the value of \u03bdbr in the integrated spectrum. 3.5. Surface Brightness Pro\ufb01le As noted in Section 3.3, the width of the downstream electron distribution behind the shock is determined by the advection length, \u2206ladv \u2248u2 \u00b7 tage, for low-energy electrons or by \f\u2013 18 \u2013 the cooling length, \u2206lcool(\u03b3e) \u2248u2 \u00b7 trad(\u03b3e), for high-energy electrons. As a result, at high frequencies the width of the synchrotron emission region, \u2206l\u03bdobs, varies with the downstream magnetic \ufb01eld strength for given u2 and \u03bdobs as in Equation (15). In addition, the surface brightness pro\ufb01le, I\u03bd(R), and its FWHM, \u2206lSB, also depend on the extension angle, \u03c8, as demonstrated in Figure 4. In Figures 6 and 7, the spatial pro\ufb01les of I\u03bd(R) are shown for eight models listed in Table 1. Here, we choose the observation frequencies \u03bdobs = 150, 600, 1400 MHz; the source frequencies are given as \u03bd = \u03bdobs(1 + z) with z = 0.192. While the downstream \ufb02ow speed ranges u2 \u22481, 000 \u2212900 km s\u22121 in most of the models, u2 \u2248850 \u2212750 km s\u22121 in SC1pex1 model. So the results are shown at tage = 30, 60, and 110 Myr, except in SC1pex1 model for which the results are shown at tage = 30, 80, and 126 Myr. Note that the quantity, \u03bdI\u03bd \u00d7 X, is shown in order to be plotted with one linear scale, where X is the numerical scale factor speci\ufb01ed in each panel. In SB1 model with a stronger shock, for example, the electron acceleration is more e\ufb03cient by a factor of about 10, compared to other models, so the pro\ufb01les shown are reduced by similar factors. For a \ufb01xed value of \u03c8, the surface brightness pro\ufb01le is determined by the distribution of j\u03bd(r) behind the shock along the path length h, as given in Equation (8). The intensity increases gradually from the shock position (R = 0) to the \ufb01rst in\ufb02ection point, Rinf,1(t) = rs(t)(1 \u2212cos \u03c8) \u224821 \u221224 kpc with \u03c8 = 10\u25e6, mainly due to the increase of the path length along LoSs. Since the path length starts to decrease beyond Rinf,1, if the emissivity, j\u03bd, is constant or decreases downstream of the shock, then I\u03bd should decrease for R > Rinf,1. In all the models considered here, however, at low frequencies, j\u03bd increases downstream of the shock, because the model spherical shock is faster and stronger at earlier times. As a result, I\u03bd at 150 MHz is almost constant or decrease very slowly beyond Rinf,1, or even increases downstream away from the shock in some cases (e.g., SA2 and SA4 models). So the downstream pro\ufb01le of the synchrotron radiation at low frequencies emitted by uncooled, low-energy electrons could reveal some information about the shock dynamics, providing that the downstream magnetic \ufb01eld strength is known. The second in\ufb02ection in I\u03bd(R) occurs roughly at Rinf,2 \u2248W \u00b7 \u2206ladv for low frequencies, and at Rinf,2 \u2248W \u00b7 \u2206lcool(\u03b3e) for high frequencies where trad < tage, with W \u22481.2 \u22121.3. Here, \u2206ladv \u2248100 kpc(u2/103 km s\u22121)(tage/100 Myr), and \u2206lcool(\u03b3e) is given in Equation (14). Figures 6 and 7 exhibit that at 30 Myr (tage < trad), the second in\ufb02ection appears at the same position (\u2206ladv \u224830 kpc) for the three frequencies shown. At later times, the position of the second in\ufb02ection depends on tage at low frequencies, while it varies with B2 and \u03bdobs in addition to u2. Thus, only if tage > trad(\u03b3e), \u2206lSB at high frequencies can be used to infer B2, providing that \u03c8 and u2 are known. \f\u2013 19 \u2013 The width of the Sausage relic, de\ufb01ned as the FWHM of the surface brightness, was estimated to be \u2206lSB \u223c55 kpc at 600 MHz (van Weeren et al. 2010). As shown in Figures 6 and 7, in all the models except SA4, the calculated FWHM of I\u03bd(R) at 600 MHz (red dotted lines) at the acceleration age of 60 \u2212110 Myr would be compatible with the observed value. In SA4 model, the intensity pro\ufb01le at 600 MHz seems a bit too broad to \ufb01t the observed pro\ufb01le. 3.6. Volume-Integrated and Postshock Spectra Figures 8 and 9 show the volume-integrated synchrotron spectrum, J\u03bd, and its slope, A\u03bd, for the same models at the same ages as in Figures 6 and 7. Here J\u03bd is integrated over the curved, ribbon-like downstream volume with \u03c8 = 10\u25e6, as described in Section 3.2. In the \ufb01gures, J\u03bd is plotted in arbitrary units. The \ufb01lled circles represent the data points for the integrated \ufb02ux of the Sausage relic, which were taken from Table 1 of Stroe et al. (2014b) and re-scaled roughly to \ufb01t by eye the spectrum of SA1 model at 60 Myr (the red dotted line in the top-left panel of Figure 8). Observational errors given by Stroe et al. (2014b) are about 10 %, so the error bars are in fact smaller than the size of the \ufb01lled circles in the \ufb01gures, except the one at 16 GHz with 25 %. At \ufb01rst it looks that in most of the models, the calculated J\u03bd reasonably \ufb01ts the observed data including the point at 16 GHz. But careful inspections indicate that our models fail to reproduce the rather abrupt increase in the spectral curvature at \u223c1.5 GHz. The calculated J\u03bd is either too steep at low frequencies \u22721.5 GHz, or too \ufb02at at high frequencies \u22731.5 GHz. For instance, J\u03bd of the \ufb01ducial model, SA1, is too steep at \u03bd \u22721.5 GHz. On the other hand, SA1p model with a \ufb02atter fossil population and SB1 model with a \ufb02atter injection spectrum (due to higher Ms) seem to have the downstream electron spectra too \ufb02at to explain the observed data for \u03bd \u22731.5 GHz. As mentioned before, the transition of the integrated spectral index from \u03b1inj to \u03b1inj+0.5 occurs gradually over a broad range of frequency, (0.1 \u221210)\u03bdbr. If we estimate \u03bdbr as the frequency at which the gradient, dA\u03bd/d\u03bd, has the largest value, it is \u223c4, 1, 0.3 GHz at tage = 30, 60, and 110 Myr, respectively, for all the models except SC1pex1 model (for which A\u03bd is shown at di\ufb00erent epochs). Since \u03bdbr is determined mainly by the magnetic \ufb01eld strength and the acceleration age, it does not sensitively depend on other details of the models. In SC1pex1 model, the power-law portion (\u221dp4.2) gives a \ufb02atter spectrum with A\u03bd \u22480.7 at low frequencies, while the newly injected population at the shock with Ms \u22482.1 results in a steeper spectrum with A\u03bd \u22481.6 at high frequencies. Note that the spectral index estimated with the observed \ufb02ux in Stroe et al. (2014b) between 2.3 and 16 GHz is \f\u2013 20 \u2013 A\u03bd \u22481.62, implying Ms \u22482.1. In Figure 10, J\u03bd\u2019s from all the models considered here are compared at tage = 60 Myr (SA and SB shocks) or 80 Myr (SC shocks). The observed data points of the Sausage relic are also shown. In most of the models (SA models), the shocks have Ms \u22483.0 \u22123.1 at 60 Myr, so the predicted J\u03bd between 2.3 and 16 GHz is a bit \ufb02atter with A\u03bd \u22481.25 than the observed spectrum with A\u03bd \u22481.62 at the same frequency range. As mentioned above, SA1p and SB1 models produce J\u03bd, which is signi\ufb01cantly \ufb02atter at high frequencies than the observed spectrum. The toy model, SC1pex1, seems to produce the best \ufb01t to the observed spectrum, as noted before. In short, the volume-integrated synchrotron spectra calculated here steepen gradually over (0.1 \u221210)\u03bdbr with the break frequency \u03bdbr \u223c1 GHz, if tage \u223c60 \u221280 Myr. However, all the models considered here seem to have some di\ufb03culties \ufb01tting the sharp curvature around \u223c1.5 GHz in the observed integrated spectrum. This implies that the shock dynamics and/or the downstream magnetic \ufb01eld pro\ufb01le could be di\ufb00erent from what we consider here. Perhaps some additional physics that can introduce a feature in the electron energy spectrum, stronger than the \u2018q + 1\u2019 steepening due to radiative cooling, might be necessary. In Figure 11, we present for the three models, SA1, SA1b, and SC1pex1, the mean intensity spectrum in the downstream regions of [Ri, Ri + 5kpc], \u27e8I\u03bd\u27e9= R Ri+5 Ri I\u03bd(R)dR, where Ri = 5 kpc \u00b7 (2i \u22121) and i runs from 1 to 6. This is designed to be compared with the \u2018spatially resolved\u2019 spectrum behind the shock in radio observations (e.g., Stroe et al. 2013). The \ufb01gure shows how the downstream spectrum cuts o\ufb00at progressively lower frequencies due to radiative cooling as the observed position moves further away from the shock. 4. SUMMARY We propose a model that may explain some characteristics of giant radio relics: the relative rareness, uniform surface brightness along the length of thin arc-like radio structure, and spectral curvature in the integrated radio spectrum over \u223c(0.1\u221210) GHz. In the model, a spherical shock encounters an elongated cloud of the ICM thermal gas that is permeated by enhanced magnetic \ufb01elds and an additional population of fossil relativistic electrons. As a result of the shock passage, the fossil electrons are re-accelerated to radio-emitting energies (\u03b3e \u2272104), resulting in a birth of a giant radio relic. In order to explore this scenario, we have performed time-dependent, DSA simulations of spherical shocks with the parameters relevant for the Sausage radio relic in cluster CIZA J2242.8+5301. In the \ufb01ducial model, the shock decelerates from us \u22483.3 \u00d7 103 km s\u22121 \f\u2013 21 \u2013 (Ms \u22483.5) to us \u22482.9\u00d7103 km s\u22121 (Ms \u22483.1) at the acceleration age of 60 Myr. The seed, fossil electrons with \u03b3e,inj \u223c30 are assumed to be injected into the CR population, which is subsequently re-accelerated to higher energies. Such shocks are expected to produce the electron energy spectrum, fe(p) \u221dp\u22124.5, resulting in the synchrotron radiation spectrum with the injection index, \u03b1inj \u22480.75, and the integrated index, A\u03bd \u22481.25, at high frequencies (\u22731 GHz). We consider various models with a range of shock parameters, di\ufb00erent upstream gas density pro\ufb01les, di\ufb00erent downstream magnetic \ufb01eld pro\ufb01les, and three types of fossil electron populations, as summarized in Table 1. Adopting a ribbon-like curved shock surface and the associated downstream volume, which are constrained by the extension angle (or viewing depth) of \u03c8 = 10\u25e6as detailed in Section 2.5 (e.g van Weeren et al. 2010; Kang et al. 2012), the radio surface brightness pro\ufb01le, I\u03bd(R), and the volume-integrated spectrum, J\u03bd, are calculated. The main results are summarized as follows. 1) Two observables, the break frequency in the integrated synchrotron spectrum, \u03bdbr, and the width of the synchrotron emission region behind the shock, \u2206l\u03bdobs, can have identical values for two values of postshock magnetic \ufb01eld strength (see Equations [13] and [15]). 2) The observed width of the surface brightness projected onto the sky plane, \u2206lSB, strongly depends on the assumed value of \u03c8 (see Figure 4). So \u2206lSB may not be used to estimate the postshock magnetic \ufb01eld strength, unless the projection e\ufb00ects can be modeled properly. 3) The integrated synchrotron spectrum is expected to have a spectral curvature that runs over a broad range of frequency, typically for (0.1 \u221210)\u03bdbr. For a shock of Ms \u22483 with the postshock magnetic \ufb01eld strength, Blow \u223c0.62 \u00b5G or Bhigh \u223c6.2 \u00b5G, the integrated spectral index increases gradually from \u03b1inj \u22480.75 to \u03b1inj + 0.5 \u22481.25 over 0.1 \u221210 GHz, if the duration of the shock acceleration is \u223c60 Myr. 4) Assuming that the upstream sound speed is cs,1 \u2248920 km s\u22121 (kT1 \u22483.35 keV) as inferred from X-ray observation, a shock of Ms \u22483 and us \u22483 \u00d7 103 km s\u22121 (e.g., SA1 model) can reasonably explain the observed width, \u2206lSB \u223c55 kpc (van Weeren et al. 2010), and the curved integrated spectrum of the Sausage relic (Stroe et al. 2014b). SB1 model with a shock of Ms \u22484.5, however, produces the integrated spectrum that seems too \ufb02at to explain the observed spectrum above \u223c1 GHz. 5) We also consider two toy models with power-law electron populations with exponential cuto\ufb00s at \u03b3e \u223c104, fe,up(p) \u221dp\u22124.2 exp[\u2212(\u03b3e/\u03b3e,cut)2] (SC1pex1 and SC1pex2 models). They may represent the electron populations that were produced earlier and then have cooled down to \u03b3e \u223c104. SC1pex1 model with a weaker shock (Ms \u22482.1) reproduces better the \f\u2013 22 \u2013 characteristics of the observed integrated spectrum. But the steepening of the integrated spectrum due to radiative cooling alone may not explain the strong spectral curvature above 1.5 GHz toward 16 GHz. 6) This strong curvature at \u223c1.5 GHz may imply that the downstream electron energy spectrum is in\ufb02uenced by some additional physical processes other than radiative losses, because the integrated spectrum of radiatively cooled electrons steepens with the frequency only gradually. This conclusion is likely to remain unchanged even in the case where the observed spectrum consists of the synchrotron emission from multiple shocks with di\ufb00erent Mach numbers, as long as the postshock electrons experience only simple radiative cooling. Other models that may explain the curved spectrum will be further explored and presented elsewhere. The authors thank the anonymous referee for his/her thorough review and constructive suggestions that lead to a signi\ufb01cant improvement of the paper. HK was supported by Basic Science Research Program through the National Research Foundation of Korea (NRF) funded by the Ministry of Education (2014R1A1A2057940). DR was supported by the National Research Foundation of Korea through grant NRF-2014M1A7A1A03029872 and NRF-2012K1A3A7A03049606."
+ },
+ {
+ "url": "http://arxiv.org/abs/1405.0557v1",
+ "title": "Injection of $\u03ba$-like Suprathermal Particles into Diffusive Shock Acceleration",
+ "abstract": "We consider a phenomenological model for the thermal leakage injection in the\ndiffusive shock acceleration (DSA) process, in which suprathermal protons and\nelectrons near the shock transition zone are assumed to have the so-called\n$\\kappa$-distributions produced by interactions of background thermal particles\nwith pre-existing and/or self-excited plasma/MHD waves or turbulence. The\n$\\kappa$-distribution has a power-law tail, instead of an exponential cutoff,\nwell above the thermal peak momentum. So there are a larger number of potential\nseed particles with momentum, above that required for participation in the DSA\nprocess. As a result, the injection fraction for the $\\kappa$-distribution\ndepends on the shock Mach number much less severely compared to that for the\nMaxwellian distribution. Thus, the existence of $\\kappa$-like suprathermal\ntails at shocks would ease the problem of extremely low injection fractions,\nespecially for electrons and especially at weak shocks such as those found in\nthe intracluster medium. We suggest that the injection fraction for protons\nranges $10^{-4}-10^{-3}$ for a $\\kappa$-distribution with $10 < \\kappa_p < 30$\nat quasi-parallel shocks, while the injection fraction for electrons becomes\n$10^{-6}-10^{-5}$ for a $\\kappa$-distribution with $\\kappa_e < 2$ at\nquasi-perpendicular shocks. For such $\\kappa$ values the ratio of cosmic ray\nelectrons to protons naturally becomes $K_{e/p}\\sim 10^{-3}-10^{-2}$, which is\nrequired to explain the observed ratio for Galactic cosmic rays.",
+ "authors": "Hyesung Kang, Vahe Petrosian, Dongsu Ryu, T. W. Jones",
+ "published": "2014-05-03",
+ "updated": "2014-05-03",
+ "primary_cat": "astro-ph.HE",
+ "cats": [
+ "astro-ph.HE"
+ ],
+ "main_content": "INTRODUCTION Acceleration of nonthermal particles is ubiquitous at astrophysical collisionless shocks, such as interplanetary shocks in the solar wind, supernova remnant (SNR) shocks in the interstellar medium (ISM) and structure formation shocks in the intracluster medium (ICM) (Blandford & Eichler 1987; Jones & Ellison 1991; Ryu et al. 2003). Plasma physical processes operating at collisionless shocks, such as excitation of waves via plasma instabilities and ensuing wave-particle interactions, depend primarily on the shock magnetic \ufb01eld obliquity as well as on the sonic and Alfv\u00e9nic Mach numbers, Ms and MA, respectively. Collisionless shocks can be classi\ufb01ed into two categories by the obliquity angle, \u0398BN, the angle between the upstream mean magnetic \ufb01eld and the shock normal: quasi-parallel (\u0398BN \u227245\u25e6) and quasi-perpendicular (\u0398BN \u227345\u25e6). Diffusive shock acceleration (DSA) at strong SNR shocks with Ms \u223cMA \u223c10 \u2212100 is reasonably well understood, especially for the quasi-parallel regime, and it has been tested via radio-to-\u03b3-ray observations of nonthermal emissions from accelerated cosmic ray (CR) protons and electrons (see Drury 1983; Blandford & Eichler 1987; Hillas 2005; Reynolds et al. 2012, for reviews). On the contrary, DSA at weak shocks in the ICM (Ms \u223c2 \u22123, MA \u223c10) is rather poorly understood, although its signatures have apparently been observed in a number of radio relic shocks (e.g. van Weeren et al. 2010; Feretti et al. 2012; Kang et al. 2012; Brunetti & Jones 2014). At the same time, in situ measurements of Earth\u2019s bow shock, or traveling shocks in the interplanetary medium (IPM) with spacecrafts have provided crucial insights and tests for plasma physical processes related with DSA at shocks with moderate Mach numbers (Ms \u223cMA \u227210) (e.g. Shimada et al. 1999; Oka et al. 2006; Zank et al. 2007; Masters et al. 2013). Table 1 compares characteristic parameters for plasmas in the IPM, ISM (warm phase), and ICM to highlight their similarities and differences. Here the plasma beta \u03b2p (= Pg/PB \u221d nHT/B2 0) is the ratio of the thermal to magnetic pressures, so the magnetic \ufb01eld pressure is dynamically more important in lower beta plasmas. The plasma alpha is de\ufb01ned as the ratio of the electron plasma frequency to cyclotron frequency: \u03b1p = \u03c9pe \u2126ce = 2\u03c0rge \u03bbDe \u2248 p me/mp \u00b7c vA \u221d \u221ane B0 , (1) where rge is the electron gyroradius, and \u03bbDe is the electron Debye length, vA = B0/\u221a4\u03c0\u03c1 is the Alfv\u00e9n speed. Plasma wave-particle interactions and ensuing stochastic acceleration are more signi\ufb01cant in lower alpha plasmas (e.g. Pryadko & Petrosian 1997). Among the three kinds of plasmas in Table 1, the ICM with the highest \u03b2p has dynamically least signi\ufb01cant magnetic \ufb01elds, but, with the smallest \u03b1p, plasma interactions are expected to be most important there. The last three columns of Table 1 show typical shock speeds, sonic Mach numbers, and Alfv\u00e9nic Mach numbers for interplanetary shocks near 1 AU, SNR shocks and ICM shocks. This paper focuses on the injection of suprathermal particles into the DSA process at astrophysical shocks. Since the shock thickness is of the order of the gyroradius of postshock thermal protons, only suprathermal particles (both protons and electrons) with momentum p \u2273pinj \u2248(3 \u22124)pth,p can re-cross to the shock upstream and participate in the DSA process (e.g. Kang et al. 2002). Here, pth,p = p2mpkBT2 is the most probable momentum of thermal protons with postshock temperature T2 and kB is the Boltzmann constant. Hereafter, we use the subscripts \u20181\u2019 and \u20182\u2019 to denote the conditions upstream and downstream of shock, respectively. At quasi-parallel shocks, in the so-called thermal injection \f2 Kang et al. leakage model, protons leaking out of the postshock thermal pool are assumed to interact with magnetic \ufb01eld \ufb02uctuations and become the CR population (e.g. Malkov & Drury 2001; Kang et al. 2002). In a somewhat different interpretation based on hybrid plasma simulations, protons re\ufb02ected off the shock transition layer are thought to form a beam of streaming particles, which in turn excite resonant waves that scatter particles into the DSA process (e.g. Quest 1988; Guo & Giacalone 2013). At quasi-perpendicular shocks, on the other hand, the self-excitation of waves is ineffective and the injection of suprathermal protons is suppressed signi\ufb01cantly (Caprioli & Spitkovsky 2013), unless there exists pre-existing MHD turbulence in the background plasma (Giacalone 2005; Zank et al. 2006). Assuming that downstream electrons and protons have the same kinetic temperature (Te \u2248Tp), for a Maxwellian distribution there will be fewer electrons than protons that will have momenta above the required injection momentum. Thus electrons must be pre-accelerated from the thermal momentum (pth,e = (me/mp)1/2pth,p) to the injection momentum (pinj \u2248(130 \u2212170)pth,e) in order to take part in the DSA process. Contrary to the case of protons, which are effectively injected at quasi-parallel shocks, according to in situ observations made by spacecrafts, electrons are known to be accelerated at Earth\u2019s bow shock and interplanetary shocks preferentially in the quasi-perpendicular con\ufb01guration (e.g. Gosling et al. 1989; Shimada et al. 1999; Simnett et al. 2005; Oka et al. 2006). However, in a recent observation of Saturn\u2019s bow shock by the Cassini spacecraft, the electron injection/acceleration has been detected also in the quasiparallel geometry at high-Mach, high-beta shocks (MA \u223c100 and \u03b2p \u223c10) (Masters et al. 2013). Riquelme & Spitkovsky (2011) suggested that electrons can be injected and accelerated also at quasi-parallel portion of strong shocks such as SNR shocks, because the turbulent magnetic \ufb01elds excited by the CR streaming instabilities upstream of the shock may have perpendicular components at the corrugated shock surface. So, locally transverse magnetic \ufb01elds near the shock surface seem essential for the ef\ufb01cient electron injection regardless of the obliquity of the large-scale, mean \ufb01eld. Non-Maxwellian tails of high energy particles have been widely observed in space and laboratory plasmas (e.g. Vasyliunas 1968; Hellberg et al. 2000). Such particle distributions can be described by the combination of a Maxwellianlike core and a suprathermal tail of power-law form, which is known as the \u03ba-distribution. There exists an extensive literature that explains the \u03ba-distribution from basic physical principles and processes relevant for collisionless, weakly coupled plasmas (e.g. Leubner 2004; Pierrard & Lazar 2010). The theoretical justi\ufb01cation for the \u03ba-distribution is beyond the scope of this paper, so readers are referred to those papers. Recently, the existence of \u03ba-distribution of electrons has been conjectured and examined in order to explain the discrepancies in the measurements of electron temperatures and metallicities in H II regions and planetary nebulae (Nicholls et al. 2012; Mendoza & Bautista 2014). The development of suprathermal tails of both proton and electron distributions are two outstanding problems in the theory of collisionless shocks, which involve complex waveparticle interactions such as the excitation of kinetic/MHD waves via plasma instabilities and the stochastic acceleration by plasma turbulence (see Petrosian 2012; Schure et al. 2012, for recent reviews). For example, stochastic acceleration of thermal electrons by electron-whistler interactions is known to be very ef\ufb01cient in low \u03b2p and low \u03b1p plasmas such as solar \ufb02ares (Hamilton & Petrosian 1992). Recently, the pre-heating of electrons and the injection of protons at non-relativistic collisonless shocks have been studied using Particle-in-Cell (PIC) and hybrid plasma simulations for a wide range of parameters (e.g. Amano & Hoshino 2009; Guo & Giacalone 2010, 2013; Riquelme & Spitkovsky 2011; Garat\u00e9 & Spitkovsky 2012; Caprioli & Spitkovsky 2013). In PIC simulations, the Maxwell\u2019s equations for electric and magnetic \ufb01elds are solved along with the equations of motion for ions and electrons, so full wave-particle interactions can be followed from \ufb01rst principles. In hybrid simulations, only ions are treated kinetically, while electrons are treated as a neutralizing, massless \ufb02uid. Using two and three-dimensional PIC simulations, Riquelme & Spitkovsky (2011) showed that for low Alfv\u00e9nic Mach numbers (MA \u227220), oblique whistler waves can be excited in the foot of quasi-perpendicular shocks (but not at perfectly perpendicular shocks with \u0398Bn = 90\u25e6). Electrons are then accelerated via wave-particle interactions with those whistlers, resulting in a power-law suprathermal tail. They found that the suprathermal tail can be represented by the energy spectrum ne(E) \u221dE\u2212a with the slope a = 3 \u22124, which is harder for smaller MA (i.e., larger vA or smaller \u03b1p). Nonrelativistic electrons streaming away from a shock can resonate only with high frequency whistler waves with right hand helicity, while protons and relativistic electrons (with Lorentz factor \u03b3 > mp/me) resonate with MHD (Alfv\u00e9n) waves. So the generation of oblique whistlers is thought to be one of the agents for pre-acceleration of electrons (Shimada et al. 1999). In fact, obliquely propagating whistler waves and high energy electrons are often observed together in the upstream region of quasi-perpendicular interplanetary shocks (e.g. Shimada et al. 1999; Wilson et al. 2009). Recently, Wilson et al. (2012) observed obliquely propagating whistler modes in the precursor of several quasiperpendicular interplanetary shocks with low Mach numbers (fast mode Mach number M f \u22482 \u22125), simultaneously with perpendicular ion heating and parallel electron acceleration. This observation implies that oblique whistlers could play an important role in the development of a suprathermal halo around the thermal core in the electron velocity distribution at quasi-perpendicular shocks with moderate MA. Using two-dimensional PIC simulations for perpendicular shocks with MA \u223c45, Matsumoto et al. (2013) found that several kinetic instabilities (e.g. Buneman, ion-acoustic, ion Weibel) are excited at the leading edge of the shock foot and that electrons can be energized to relativistic energies via the shock sur\ufb01ng mechanism. They suggested that the shock surfacing acceleration can provide the effective pre-heating of electrons at strong SNR shocks with high Alfv\u00e9nic Mach numbers (MA \u2273100). Because non-relativistic electrons and protons interact with different types of plasma waves and instabilities, they can have suprathermal tails with different properties that depend on plasma and shock parameters, such as \u0398Bn, \u03b1p, \u03b2p, Ms, and MA. So the power-law index of the \u03ba-distributions for electrons and protons, \u03bae and \u03bap, respectively, should depend on these parameters, and they could be signi\ufb01cantly different from each other. For example, the electron distributions measured in the IPM can be \ufb01tted with the \u03badistributions with \u03bae \u223c2 \u22125, while the proton distributions prefer a somewhat larger \u03bap (Pierrard & Lazar 2010). Us\fDiffusive Shock Acceleration 3 ing in situ spacecraft data, Neergaard-Parker & Zank (2012) suggested that the proton spectra observed downstream of quasi-parallel interplanetary shocks can be explained by the injection from the upstream (solar-wind) thermal Maxwellian or weak \u03ba-distribution with \u03bap \u227310. On the other hand, Neergaard-Parker et al. (2014) showed that the upstream suprathermal tail of the \u03bap = 4 distribution is the best to \ufb01t the proton spectra observed downstream of quasi-perpendicular interplanetary shocks1. They reasoned that the upstream proton distribution may form a relatively \ufb02at \u03ba-like suprathermal tail due to the particles re\ufb02ected at the magnetic foot of quasiperpendicular shocks, while at quasi-parallel shocks the upstream proton distribution remains more-or-less Maxwellian. In this paper, we consider a phenomenological model for the thermal leakage injection in the DSA process by taking the \u03ba-distributions as empirical forms for the suprathermal tails of the electron and proton distributions at collisionless shocks. The \u03ba-distribution is described in Section 2. The injection fraction is estimated in Section 3, followed by a brief summary in Section 4. 2. BASIC MODELS For the postshock nonrelativistic gas of kinetic temperature T2 and particle density n2, the Maxwellian momentum distribution is given as fM(p) = n2 \u03c01.5 p\u22123 th exp \" \u2212 \u0012 p pth \u00132# , (2) where pth = \u221a2mkBT2 is the thermal peak momentum and the mass of the particle is m = me for electrons and m = mp for protons. The distribution function is de\ufb01ned in general as R 4\u03c0p2 f(p)dp = n2. Here we assume that the electron and proton distributions have the same kinetic temperature, so that pth,e = p me/mp \u00b7 pth,p. The \u03ba-distribution can be described as f\u03ba(p) = n2 \u03c01.5 p\u22123 th \u0393(\u03ba+1) (\u03ba\u22123/2)3/2\u0393(\u03ba\u22121/2) \u0014 1 + p2 (\u03ba\u22123/2)p2 th \u0015\u2212(\u03ba+1) , (3) where \u0393(x) is the Gamma function (e.g. Pierrard & Lazar 2010). The \u03ba-distribution asymptotes to a power-law form, f\u03ba(p) \u221dp\u22122(\u03ba+1) for p \u226bpth, which translates into N(E) \u221d E\u22122\u03ba for relativistic energies, E \u2273mc2. For large \u03ba, it asymptotes to the Maxwellian distribution. For a smaller value of \u03ba, the \u03ba-distribution has a \ufb02atter, suprathermal, power-law tail, which may result from larger wave-particle interaction rates. Note that for the \u03ba-distribution in equation (3), the mean energy per particle, m\u27e8v2\u27e9/2 = (2\u03c0m/n2) R v2 f\u03ba(p)p2dp, becomes (3/2)kBT2 and the gas pressure becomes P2 = n2kBT2, providing that particle speeds are nonrelativisitic. The top panel of Figure 1 compares fM and f\u03ba for electrons and protons when T2 = 5\u00d7107 K (corresponding to the shock speed of us \u22481.9\u00d7103 km s\u22121 in the large Ms limit.) Here, the momentum is expressed in units of mec for both electrons and protons, so the distribution function f(p) is plotted in units of n2/(mec)3. Note that the plotted quantity is p3 f(p)d ln p = p2 f(p)dp \u221dn(p)dp. For smaller values of \u03ba, the low energy portion of f\u03ba(p) also deviates more signi\ufb01cantly from fM(p). 1 Note that Neergaard-Parker & Zank (2012) and Neergaard-Parker et al. (2014) model particles from the upstream suprathermal pool being injected into the DSA process, while here we assume that particles from the downstream suprathermal pool are injected. For the \u03ba-distribution, the most probable momentum (or the peak momentum) is related to the Maxwellian peak momentum as p2 mp = p2 th \u00b7(\u03ba\u22123/2)/\u03ba. So for a smaller \u03ba, the ratio of pmp/pth becomes smaller. In other words, the peak of f\u03ba(p) is shifted to a lower momentum for a smaller \u03ba, as can be seen in the top panel of Figure 1. To account for this we will suppose a hypothetical case in which the postshock temperature is modi\ufb01ed for a \u03ba-distribution as follows: T \u2032 2(\u03ba) = T2 \u03ba (\u03ba\u22123/2). (4) Then the most probable momentum becomes the same for different \u03ba\u2019s. The bottom panel of Figure 1 compares the Maxwellian distribution for T2 = 5 \u00d7 107 K and the \u03badistributions with the corresponding T \u2032 2(\u03ba)\u2019s. For such \u03badistributions, the distribution of low energy particles with p \u2272pth remains very similar to the Maxwellian distribution. In that case, low energy particles follow more-or-less the Maxwellian distribution, while higher energy particles above the thermal peak momentum show a power-law tail. This might represent the case in which thermal particles with p \u2273 pth gain energies via stochastic acceleration by pre-existing and/or self-excited waves in the shock transition layer, resulting in a \u03ba-like tail and additional plasma heating. Such \u03badistributions with plasma heating could be close to the real particle distributions behind collisionless shocks. So below we will consider two cases: the T2 model in which the postshock temperature is same and the T \u2032 2 model in which the postshock temperature depends on \u03ba as in equation (4). 3. INJECTION FRACTION We assume that the distribution function of the particles accelerated by DSA, which we refer to as cosmic rays (CRs), at the position of the shock has the test-particle power-law spectrum for p \u2265pinj \u2261Qinj \u00b7 pth,p, fCR(p) = f(pinj)\u00b7 \u0012 p pinj \u0013\u2212q , (5) where the power-law slope is given as q = 3(u1 \u2212vA,1) u1 \u2212vA,1 \u2212u2 . (6) Here u1 and u2 are the upstream and downstream \ufb02ow speeds, respectively, in the shock rest frame, and vA,1 = B1/\u221a4\u03c0\u03c11 is the upstream Alfv\u00e9n speed. This expression takes account of the drift of the Alfv\u00e9n waves excited by streaming instabilities in the shock precursor (e.g., Kang 2011, 2012). If vA,1 = 0, the power-law slope becomes q = 4 for Ms \u226b1 and q = 4.5 for Ms = 3. Note that in our phenomenological model, we assume the \u03ba-distribution extends only to p = pinj, above which the DSA power-law in equation (5) sets in. In Figure 1 the vertical dotted lines show the range of pinj = (3.5 \u22124) pth,p, above which the particles can participate the DSA process. With \u03bap = 30 for protons, \u03bae = 2 for electrons, and pinj = 4pth,p, for example, the ratio of fe(pinj)/ fp(pinj) \u224810\u22122.6 for the T2 model, while fe(pinj)/ fp(pinj) \u224810\u22121.9 for the T \u2032 2 model. The parameter Qinj determines the CR injection fraction, \u03be \u2261nCR/n2 as follows. In the case of the Maxwellian distribution the fraction is \u03beM = 4 \u221a\u03c0 Q3 inj (q \u22123) \u00b7exp(\u2212Q2 inj), (7) \f4 Kang et al. while in the case of the \u03ba-distribution it is \u03be\u03ba = 4 \u221a\u03c0 Q3 inj (q \u22123) \u00b7 \u0393(\u03ba+1) (\u03ba\u22123/2)3/2\u0393(\u03ba\u22121/2) \" 1 + Q2 inj (\u03ba\u22123/2) #\u2212(\u03ba+1) . (8) Note that both forms of the injection fraction are independent of the postshock temperature T2, but dependent on Qinj and the shock Mach number, through the slope q(Ms). For the Maxwellian distribution, \u03beM decreases exponentially with the parameter Qinj, which in general depends on the shock Mach number as well as on the obliquity. Since the injection process should depend on the level of pre-existing and self-excited plasma/MHD waves, Qinj is expected to increase with \u0398Bn. For example, in a model adopted for quasi-parallel shocks (e.g. Kang & Ryu 2010), Qinj \u2248\u03c7mpu2 pth,p = \u03c7 r \u03b3 2\u00b5 u2 cs,2 = \u03c7 r \u03b3 2\u00b5 \u0014 (\u03b3 \u22121)M2 s +2 2\u03b3M2 s \u2212(\u03b3 \u22121) \u00151/2 , (9) where \u03c7 \u22485.8 \u22126.6, \u03b3 is the gas adiabatic index, and \u00b5 is the mean molecular weight for the postshock gas. For \u03b3 = 5/3 and \u00b5 = 0.6, this parameter approaches to Qinj \u22483\u22124 for large Ms, depending on the level of MHD turbulence, and it increases as Ms decreases (see Figure 1 of Kang & Ryu (2010)). Using hybrid plasma simulations, Caprioli & Spitkovsky (2013) suggested Qinj = 3\u22124 at quasi-parallel shocks with Ms \u2248MA \u224820, leading to the injection fraction of \u03bep \u224810\u22124 \u221210\u22123 for protons. For highly oblique and perpendicular shocks, the situation is more complex and the modeling of Qinj becomes dif\ufb01cult, partly because MHD waves are not self-excited effectively and partly because the perpendicular diffusion is not well understood (e.g. Neergaard-Parker et al. 2014). So the injection process at quasi-perpendicular shocks depends on the preexisting MHD turbulence in the upstream medium as well as the angle \u0398Bn. For example, Zank et al. (2006) showed that in the case of interplanetary shocks in the solar wind located near 1AU from the sun, the injection energy is similar for \u0398Bn = 0\u25e6and 90\u25e6, but it peaks at highly oblique shocks with \u0398Bn \u223c60\u221280\u25e6. So Qinj would increase with \u0398Bn, but decrease as \u0398Bn \u219290\u25e6. The same kind of trend may apply for cluster shocks, but again the details will depend on the MHD turbulence in the ICM. Here we will consider a range of values, 3 \u2264Qinj \u22645. For the \u03ba-distribution, \u03be\u03ba also decreases with Qinj but more slowly than \u03beM does. This means that the dependence of injection fraction on the shock sonic Mach number would be weaker in the case of the \u03ba-distribution. Figure 2 shows the energy spectrum of protons for the two (i.e., T2 and T \u2032 2) models shown in Figure 1. Here the energy spectrum is calculated as np(E) = 4\u03c0p2 f(p)(dp/dE), where the kinetic energy is E = q p2c2 +m2 pc4 \u2212mpc2 and the distribution function f(p) is given in equations (2) or (3). The \ufb01lled and open circles mark the spectrum at the energies corresponding to 3.5 pth,p and 4 pth,p for the Maxwellian distribution and the \u03ba-distributions with \u03bap = 10 and 30. This shows that the injection ef\ufb01ciency for CR protons would be enhanced in the \u03ba-distributions, compared to the Maxwellian distribution, by a factor of \u03be\u03bap=10/\u03beM \u223c100\u2212300 and \u03be\u03bap=30/\u03beM \u223c10 \u221220. There are reasons why the cases of \u03bap = 10 \u221230 are shown here. It has been suggested that the upstream suprathermal populations can be represented by the \u03badistribution with \u03bap \u22484 at quasi-perpendicular IPM shocks (Neergaard-Parker et al. 2014) and \u03bap \u227310 at quasi-parallel IPM shocks (Neergaard-Parker & Zank 2012). However, the proton injection at quasi-parallel shocks is much more ef\ufb01cient than that at quasi-perpendicular shocks, because the injection energy is much higher at highly oblique shocks (e.g. Zank et al. 2006). Moreover, Caprioli & Spitkovsky (2013) showed that the proton injection at quasi-parallel shocks can be modeled properly with the thermal leakage injection from the Maxwellian distribution at pinj \u2248(3 \u22124)pth,p. They also showed that a harder suprathermal population forms at larger \u0398BN, which is consistent with the observations at IPM shocks. But the power-law CR spectrum does not develop at (almost) perpendicular shocks due to lack of self-excited waves in their hybrid simulations. As shown in Figure 1 the electron distribution needs a substantially more enhanced suprathermal tail, for example, the one in the \u03ba-distribution with \u03bae \u223c2, in order to achieve the electron-to-proton ratio Ke/p \u223c10\u22123 \u221210\u22122 with the thermal leakage injection model. Figure 3 shows the energy spectrum of electrons for the two models shown in Figure 1. Here the energy spectrum for electrons is calculated as ne(\u0393e \u22121) = 4\u03c0p2 f(p)(dp/d\u0393e), where the Lorentz factor is \u0393e = p 1 +(p/mec)2. The \ufb01lled and open circles mark the spectrum at the energies corresponding to pinj = (3.5 \u22124) pth,p for the \u03ba-distributions with \u03bae = 1.6,2.0, and 2.5. Note that the \u03ba-distribution is de\ufb01ned for \u03ba > 3/2. In the PIC simulations of quasi-perpendicular shocks by Riquelme & Spitkovsky (2011), the power-law slope of ne(E) at \u0393e \u223c10 \u2212100 ranges 2.7 < a < 4 for 3.5 \u2264MA \u226414, where mp/me = 1600 was adopted (see their Figure 12). This would translate roughly into \u03bae \u22722, which is consistent with the observations at quasiperpendicular IPM shocks (Pierrard & Lazar 2010). If the suprathermal tails of electrons and protons can be described by the \u03ba-distributions with \u03bae and \u03bap, respectively, for p \u2264pinj, and if both CR electrons and protons have simple power-laws given in equation (5) for p > pinj, then the injection fractions, \u03bep and \u03bee, for \u03ba-distributions can be estimated by equation (8). Figure 4 compares the injection fractions, \u03bep and \u03bee, for the two models shown in Figures 1-3. Note that the slope q depends on Ms, so \u03be(q \u22123) is plotted instead of just \u03be. Now the ratio of CR electron to proton numbers can be calculated as Ke/p(Qinj,\u03bae,\u03bap) \u2261\u03bee(Qinj,\u03bae) \u03bep(Qinj,\u03bap) = fe(pinj,\u03bae) fp(pinj,\u03bap). (10) In the \u03ba-distribution of protons with \u03bap = 30 (dot-dashed line), for example, \u03bep decrease from 10\u22123 to 10\u22124 when Qinj increase from 3.5 to 4. We note that for \u03bap \u227210 or for Qinj \u22723.5, the proton injection fraction would be too high (i.e., \u03bep > 10\u22123) to be consistent with commonly-accepted DSA modelings of observed shocks such as SNRs. The parameter Qinj would in general increase for a smaller Ms as illustrated in equation (9). The dependence of the injection fraction on Ms becomes weaker for the \u03ba-distribution than for the Maxwellian distribution. As a result, the suppression of the CR injection fraction at weak shocks will be less severe if the \u03ba-distribution is considered. For electrons, the injection fraction would be too small if they were to be injected by way of thermal leakage from the Maxwellian distribution. So that case is not included in Figure 4. The expected electron injection would be \u03bee \u223c10\u22126 \u221210\u22125, if one takes Ke/p \u223c10\u22123\u221210\u22122 and \u03bep \u223c10\u22124\u221210\u22123. Then, the \fDiffusive Shock Acceleration 5 suprathermal tails of the \u03ba-distributions with \u03bae \u22722 would be necessary. For electron distributions with such \ufb02at suprathermal tails, the injection fraction would not be signi\ufb01cantly suppressed even at weak shocks. Turbulent waves excited in the shock precursor/foot should decay away from the shock (both upstream and downstream), as seen in the interplanetary shocks (Wilson et al. 2012) and the PIC simulations (Riquelme & Spitkovsky 2011). Thus it is possible the \u03ba-like suprathermal electron populations exist only in a narrow region around the shock, and in any case the differences from Maxwellian form that we discuss here are too limited to produce easily observable signatures such as clearly nonthermal hard X-ray bremsstrahlung. During the very early stage of SNR expansion with us > 104 km s\u22121, the postshock electrons should be described by the relativistic Maxwellian distribution with a relatively slow exponential cutoff of exp(\u2212\u0393emec2/kBT) instead of equation (2). However, injection from relativistic electron plasmas at collisionless shocks could involve much more complex plasma processes and lie beyond the scope of this study. 4. SUMMARY In the so-called thermal leakage injection model for DSA, the injection fraction depends on the number of suprathermal particles near the injection momentum, pinj = Qinjpth,p, above which the particles can participate in the DSA process (e.g. Kang et al. 2002). The parameter Qinj should be larger for larger oblique angle, \u0398Bn, and for smaller sonic Mach number, Ms, leading to a smaller injection fraction. Moreover, it should depend on the level of magnetic \ufb01eld turbulence, both pre-existing and self-excited, which in turn depends on the plasma parameters such as \u03b2p and \u03b1p as well as the powerspectrum of MHD turbulence. Since the detailed plasma processes related with the injection process are not fully understood, here we consider a feasible range, 3 \u2264Qinj \u22645. Assuming that suprathermal particles, both protons and electrons, follow the \u03ba-distribution with a wide range of the power-law index, \u03bap and \u03bae, we have calculated the injection fractions for protons and electrons. A \u03ba-type distribution or distribution consisting of a quasi-thermal plus a nonthermal tail, with a short dynamic range as the one needed here, is expected in a variety of models for acceleration of nonrelativistic thermal particles (see e.g. Petrosian & East (2008) for acceleration in ICM or Petrosian & Lui (2004) for acceleration in Solar \ufb02ares). The fact that ef\ufb01cient accelerations of electrons and protons require \u03ba-type distributions with different values of \u03ba suggests that they are produced by interactions with different types of waves; e.g., Alfven waves for protons and whistler waves for electrons. We show that \u03bap \u223c10 \u221230 leads to the injection fraction of \u03bep \u223c10\u22124\u221210\u22123 for protons at quasi-parallel shocks, while \u03bae \u22722 leads to the injection fraction of \u03bee \u223c10\u22126 \u221210\u22125 for electrons at quasi-perpendicular shocks. The proton injection is much less ef\ufb01cient at quasiperpendicular shocks, compared to quasi-parallel shocks, because MHD waves are not ef\ufb01ciently self-excited (Zank et al. 2006; Caprioli & Spitkovsky 2013). For electrons, a relatively \ufb02at \u03ba-distribution may form due to obliquely propagating whistlers at quasi-perpendicular shocks with moderate Mach numbers (MA \u227220), and \u03bae is expected to decrease for a smaller MA (i.e. smaller \u03b1p or stronger magnetization) (Riquelme & Spitkovsky 2011). We note that these \u03ba-like suprathermal populations are expected to exist only in a narrow region around the shock, since they should be produced via plasma/MHD interactions with various waves, which could be excited in the shock precursor and then decay downstream. In addition, we point out that acceleration (to high CR energies) is less sensitive to shock and plasma parameters for a \u03ba-distribution than the Maxwellian distribution. So, the existence of \u03ba-like suprathermal tails in the electron distribution would alleviate the problem of extremely low injection fractions for weak quasi-perpendicular shocks such as those widely thought to power radio relics found in the outskirts of galaxy clusters (Kang et al. 2012; Pinzke et al. 2013; Brunetti & Jones 2014). Finally, we mention that electrons are not likely to be accelerated at weak quasi-parallel shocks, according to in situ measurements of interplanetary shocks (e.g. Oka et al. 2006) and PIC simulations (e.g. Riquelme & Spitkovsky 2011). At strong quasi-parallel shocks, on the other hand, Riquelme & Spitkovsky (2011) suggested that electrons could be injected ef\ufb01ciently through locally perpendicular portions of the shock surface, since turbulent magnetic \ufb01elds are excited and ampli\ufb01ed by CR protons streaming ahead of the shock. Thus the magnetic \ufb01eld obliquity, both global and local to the shock surface, and magnetic \ufb01eld ampli\ufb01cation via wave-particle interactions are among the key players that govern the CR injection at collisionless shocks and need to be further studied by plasma simulations. HK thanks KIPAC for hospitality during the sabbatical leave at Stanford University, where a part of work was done. HK was supported by the National Research Foundation of Korea Grant funded by the Korean Government (NRF-2012013-2012S1A2A1A01028560). VP was supported by NASA grants NNX10AC06G, NNX13AF79G and NNX12AO78G. DR was supported by the National Research Foundation of Korea through grant 2007-0093860. TJ was supported by NSF grant AST1211595, NASA grant NNX09AH78G, and the Minnesota Supercomputing Institute. The authors would like to acknowledge the valuable comments from an anonymous referee."
+ },
+ {
+ "url": "http://arxiv.org/abs/1308.6652v1",
+ "title": "Nonthermal Radiation from Supernova Remnants: Effects of Magnetic Field Amplification and Particle Escape",
+ "abstract": "We explore nonlinear effects of wave-particle interactions on the diffusive\nshock acceleration (DSA) process in Type Ia-like, SNR blast waves, by\nimplementing phenomenological models for magnetic field amplification,\nAlfv'enic drift, and particle escape in time-dependent numerical simulations of\nnonlinear DSA. For typical SNR parameters the CR protons can be accelerated to\nPeV energies only if the region of amplified field ahead of the shock is\nextensive enough to contain the diffusion lengths of the particles of interest.\nEven with the help of Alfv'enic drift, it remains somewhat challenging to\nconstruct a nonlinear DSA model for SNRs in which order of 10 % of the\nsupernova explosion energy is converted to the CR energy and the magnetic field\nis amplified by a factor of 10 or so in the shock precursor, while, at the same\ntime, the energy spectrum of PeV protons is steeper than E^{-2}. To explore the\ninfluence of these physical effects on observed SNR emissions, we also compute\nresulting radio-to-gamma-ray spectra. Nonthermal emission spectra, especially\nin X-ray and gamma-ray bands,depend on the time dependent evolution of CR\ninjection process, magnetic field amplification, and particle escape, as well\nas the shock dynamic evolution. This result comes from the fact that the high\nenergy end of the CR spectrum is composed of the particles that are injected in\nthe very early stages of blast wave evolution. Thus it is crucial to understand\nbetter the plasma wave-particle interactions associated with collisionless\nshocks in detail modeling of nonthermal radiation from SNRs.",
+ "authors": "Hyesung Kang, T. W. Jones, Paul P. Edmon",
+ "published": "2013-08-30",
+ "updated": "2013-08-30",
+ "primary_cat": "astro-ph.HE",
+ "cats": [
+ "astro-ph.HE"
+ ],
+ "main_content": "INTRODUCTION Supernova remnants (SNRs) are strong sources of nonthermal radiations, indicating clearly that they are sites of ef\ufb01cient particle acceleration. In fact, SNRs are thought to be responsible via the diffusive shock acceleration (DSA) mechanism for the production of most of the Galactic cosmic rays (CRs) at least up to the \ufb01rst knee energy of 1015.5eV (see Hillas 2005; Reynolds 2008, for reviews). The spectral and spatial distributions of the nonthermal emissions carry important information about how DSA works in SNRs. At present there are several signi\ufb01cant tensions in this comparison, especially in comparisons that account for likely nonlinear feedback of DSA on the shock dynamics and structure (e.g. Malkov et al. 2011; Caprioli 2012; Kang 2013). The possibility of strong magnetic \ufb01eld ampli\ufb01cation (MFA) as a consequence of nonlinear DSA has recently received considerable attention in this context (e.g. Reynolds et al. 2012; Schure et al. 2012). In DSA theory suprathermal particles go through pitchangle scatterings by magnetohydrodynamic (MHD) waves around collisionless shocks and can be accelerated to relativistic energies through the Fermi \ufb01rst-order process (Bell 1978; Drury 1983; Malkov & Drury 2001). In fact, those waves are known to be self-excited both resonantly and nonresonantly by CRs streaming away from the shock (e.g. Skilling 1975b; Lucek & Bell 2000; Bell 2004). Plasma and MHD simulations have shown that the CR streaming instability indeed excites MHD waves and ampli\ufb01es the turbulent magnetic \ufb01elds by as much as orders of magnitude in the shock precursor (e.g. Zirakashvili & Ptuskin 2008; Ohira et al. 2009; Riquelme & Spitkovsky 2009, 2010; 1 Author to whom any correspondence should be addressed. Bell et al. 2013). Thin X-ray rims of several young Galactic SNRs provide observational evidence that the magnetic \ufb01eld is ampli\ufb01ed up to several 100\u00b5G downstream of the forward shock (e.g. Bamba et al. 2003; Parizot et al. 2006; Eriksen et al. 2011). We note, however, there is as yet no direct observational evidence for the ampli\ufb01ed magnetic \ufb01eld in the upstream, precursor structures of SNR shocks. An immediate consequence of magnetic ampli\ufb01cation (MFA) in shock precursors is the potential to accelerate CR ions beyond the \ufb01rst knee, which is otherwise dif\ufb01cult in SNRs (Lagage & Cesarsky 1983). The maximum attainable energy, given by the so-called Hillas constraint, Emax \u223c (us/c)eZBrs, can reach up to 1015.5Z eV for typical SNRs only if the upstream, ISM, magnetic \ufb01eld, B, is ampli\ufb01ed in the precursor of the shock by a factor of at least 10 or so above typical ISM values (e.g., Lucek & Bell 2000; Hillas 2005). Here us and c are the shock speed and the light speed, respectively, eZ is the particle charge and rs is the shock radius. Generally this scenario depends on the highest energy CRs themselves driving the ampli\ufb01cation of turbulent \ufb01elds over the associated CR diffusion length scale of lmax = \u03ba(pmax)/us \u223crg(pmax) \u00b7 (c/3us), which is much larger than the gyroradius, rg(pmax) = pmaxc/(eZB), where \u03ba(p) is the CR diffusion coef\ufb01cient (Kang 2013). The diffusion length, lmax, corresponds to the scale height of the shock precursor, which in practical terms, if one adopts Bohm diffusion, is approximately lmax \u22480.65pc(pmaxc/1PeV)(B1/50 \u00b5G)\u22121 (us/3000 km s\u22121)\u22121 (where B1 is the ampli\ufb01ed magnetic \ufb01eld in the precursor). In the initial, linear stages of current-driven MFA the nonresonantly driven waves grow exponentially in time with characteristic \ufb02uctuation scales much smaller than rg of es\f2 Kang, Jones, and Edmon caping particles (Pelletier et al. 2006). The maximum linear growth rate and the corresponding length scale are determined by the return current, jCR \u221dusp3 max f(pmax), which depends on the \ufb02ux of escaping particles with p \u2273pmax (Bell et al. 2013). After the nonresonant mode becomes nonlinear (i.e., \u03b4B/B0 > 1), for typical SNR shocks (us < 0.1c), the growth is dominated by the resonant mode and the MHD turbulence continues to grow with \ufb02uctuations on increasingly larger scales up to rg, being limited by the advection time over which the shock sweeps the precursor plasma (Marcowith & Casse 2010). Moreover, other processes such as the acoustic instability may operate simultaneously and lead to the growth of MHD turbulence on \ufb02uctuation scales larger than rg (Schure et al. 2012). It has also been suggested that magnetic \ufb01eld \ufb02uctuations in shocks can grow on scales larger than rg(pmax) in the presence of nonresonant circularly-polarized waves through the mean-\ufb01eld dynamo (Bykov et al. 2011; Rogachevskii et al. 2012), or through other microphysical and hydrodynamical instabilities within the shock precursor including the \ufb01rehose, \ufb01lamentation, and acoustic instabilities (e.g. Reville & Bell 2012; Beresnyak et al. 2009; Drury & Downes 2012; Schure et al. 2012; Caprioli & Spitkovsky 2013). If MFA were con\ufb01ned only to a narrow region (\u226almax) close to the shock or occurred only downstream of the shock, the highest energy CRs with large diffusion lengths could not be accelerated ef\ufb01ciently, and pmax would still be limited by the background magnetic \ufb01eld, B0, instead of the ampli\ufb01ed \ufb01eld, B1. In most recent discussions CRs drive shock precursor MFA at rates that depend on the electric current associated with particle escape ahead of the shock (e.g., Bell 2004)2, although it remains to be understood if the CR current owing to the escaping highest energy CRs far upstream is a able to generate magnetic turbulence spanning lengths comparable to their own diffusion lengths. We do not attempt to address that issue here, but, instead apply several previously proposed phenomenological models for MFA motivated by this idea, in order to compare their impact on DSA and associated nonthermal emissions in evolving SNR shocks. Our particular aim in this regard is to evaluate the importance of the distribution of the ampli\ufb01ed magnetic \ufb01eld within the CR precursor, since various interpretations of MFA in the literature lead to different distributions. One of the signature consequences of standard nonlinear DSA theory in strong shocks is the hardening of the CR spectrum compared to test particle DSA theory at momenta approaching pmax from below, along with a steepening of the spectrum at low momenta (e.g., Caprioli et al. 2010b). That is, the predicted CR spectrum becomes concave between the injection momentum and the upper, cutoff momentum. This expected behavior does not, however, seem to be re\ufb02ected in observed nonthermal emissions, as discussed below. In fact, \u03b3-ray emissions seen in some SNRs seem best explained if the high energy CR spectra are actually steeper than predicted with test particle DSA theory. In\ufb02uences of MFA in the nonlinear DSA theory have been suggested as one remedy for this con\ufb02ict. We will explore that issue in this work. In fact a reduction of the CR acceleration ef\ufb01ciency and a steepening of the CR spectrum are potentially important consequences of MFA. These would result from increased rates of so-called Alfv\u00e9nic drift (e.g. Vladimirov et al. 2008; Caprioli 2 But, see e.g., Beresnyak et al. (2009); Drury & Downes (2012) for alternate views. 2012; Kang 2012), if the mean magnetic \ufb01eld is enhanced along the shock normal on scales large compared to particle gyroradii. Resonantly excited Alfv\u00e9n waves tend to drift along the mean \ufb01eld in the direction of CR streaming with respect to the background \ufb02ow, so opposite to the CR number (pressure) gradient. Then the mean convective velocity of the scattering centers becomes u + uw, where uw is the mean drift velocity of the scattering centers (Skilling 1975a; Bell 1978; Ptuskin & Zirakashvili 2005). For spherically expanding SNR shocks, the CR pressure peaks at the shock location. Thus, resonant waves moving outward into the background medium dominate in the upstream region, while inward propagating waves may dominate behind the shock. Then in mostly quasi-parallel spherical shocks it would be expected that the radial wave drift speed is uw,1 \u2248+vA in the upstream shock precursor (where vA = B/\u221a4\u03c0\u03c1 is the local Alfv\u00e9n speed), while uw,2 \u2248\u2212vA behind the shock (Skilling 1975a; Zirakashvili & Ptuskin 2012). It is conceivable, however, in the downstream region of the forward SNR shock that the forward and backward moving waves could be nearly balanced there (i.e. uw,2 \u22480) as a result of shock-related instabilities (e.g., Jones 1993). On the other hand, we do not have a fully self-consistent model for the wave generation and ampli\ufb01cation via wave-particle and wave-wave interactions around the shock. As we will demonstrate below, signi\ufb01cant post-shock drift in an ampli\ufb01ed \ufb01eld could strongly in\ufb02uence the resulting shock and CR properties (e.g., Zirakashvili & Ptuskin 2012). To illustrate that point simply, we will consider models in which either uw,2 \u22480 or uw,2 \u2248\u2212vA is adopted. These drifting effects probably are not relevant in the absence of MFA, since for typical Type Ia SNRs propagating into the interstellar medium, the effects of Alfv\u00e9nic drift can be ignored. The Alfv\u00e9nic Mach number is large for fast shocks in the interstellar medium, e.g., MA = us/vA \u223c200 for B0 \u22485 \u00b5G. However, if the magnetic \ufb01eld strength is increased by a factor of 10 or more in the precursor, Alfv\u00e9nic drift may affect signi\ufb01cantly DSA at such SNRs. In the presence of fast Alfv\u00e9nic drift due to ef\ufb01cient MFA, the velocity jumps that the scattering centers experience across the shock would become signi\ufb01cantly smaller than those of the underlying \ufb02ow (e.g., Bell 1978; Schlickeiser 1989). Since CR particles are isotropized in the mean frame of scattering centers rather than the underlying \ufb02uid, the resulting CR spectrum becomes softer than that predicted with the velocity jump for the background \ufb02ow (see, e.g., Equations (8) and (9) below). Then DSA extracts less energy from the shock \ufb02ow, because the rate at which particles gain energy is reduced compared to the rate of particle escape downstream. Consequently, there are fewer of the most energetic CRs (e.g., Kang 2012). For this reason Alfv\u00e9nic drift has been pointed out as a means to obtain a CR energy spectrum steeper than the conventional test-particle power-law for strong shocks, e.g. N(E) \u221dE\u22122.3 (e.g. Morlino & Caprioli 2012), as required to explain the observed \u03b3-ray spectra as a consequence of secondary pion decay in the GeV-TeV band of some young SNRs (Abdo et al. 2010; Acero et al. 2010; Acciari et al. 2011; Caprioli 2011; Giordano et al. 2012). Exploring this effect, Caprioli (2012) recently presented a nonlinear DSA model to produce a spectrum of SNR accelerated CRs that is steeper than the test-particle power-law at strong shocks by speci\ufb01cally accounting for Alfv\u00e9nic drift in strongly ampli\ufb01ed magnetic \ufb01elds. He adopted a magnetic \ufb01eld ampli\ufb01cation model in which the turbulent magnetic \fDiffusive Shock Acceleration at SNRs 3 \ufb01elds induced by CR streaming instabilities increase rapidly to a saturation level that is spatially uniform within the shock precursor. His model targeted spherical SNR shocks, but was based on sequential, semi-analytic, steady state DSA solutions; our work below, similarly motivated, applies spherical, explicitly time evolving numerical models to the problem. Beyond Alfv\u00e9nic drift, there is another potentially important property of CRs in SNR shocks that may lead to steeper spectra at the highest energies. First, it is expected that the highest energy particles may escape rapidly from the system when the diffusion length becomes greater than the shock curvature radius, i.e., lmax \u2273rs(t). In particular, note that the Hillas constraint given above corresponds, with Bohm diffusion, to the condition lmax \u223c(1/3)rs. This would steepen the CR spectrum with respect to the plane shock solution. which, in turn, would reduce the charge current driving instabilities, thus reducing the ef\ufb01ciency of particle scattering at the highest energies. However, considering that for typical SNRs, rs \u223c3 \u221210 pc, while lmax \u223c0.5pc(Emax/1PeV) in the case of ef\ufb01cient MFA in the upstream region, more stringent conditions due to reduction of MHD turbulence should be imposed here. As we described above in the discussion of MFA in the shock precursor, it remains uncertain up to what upstream location the highest energy particles can generate turbulent wave \ufb01elds that are strong enough to con\ufb01ne themselves around the shock via resonant scattering (Caprioli et al. 2010a; Drury 2011). Moreover, during the late Sedov-Taylor stage of SNRs evolving in partially ionized media wave dissipation due to ion-neutral collisions may weaken stochastic scattering on the relevant scales, facilitating free streaming of high energy CRs away from the SNR and out of the DSA process (Ptuskin & Zirakashvili 2005; Malkov et al. 2011). In order to account for such effects, we consider a free escape boundary located at rFEB = (1.1 \u22121.5)rs(t). We mention for completeness that alternate and more complex approaches to explaining the steep \u03b3-ray spectra in SNRs have been suggested. For example, Berezhko et al. (2013) have proposed recently that the observed, steep \u03b3-ray spectrum of Tycho\u2019s SNR could be explained by pion production from the combined populations of CR protons accelerated by shocks propagating into an ISM including two different phases. As noted earlier, multi-band observations of nonthermal emissions from radio to \u03b3-ray provide a powerful tool to test theoretical modeling of nonlinear DSA at SNRs (e.g. Berezhko et al. 2009, 2012; Caprioli 2011; Kang 2011; Morlino & Caprioli 2012). For instance the radio spectrum, F\u03bd \u221d\u03bd\u2212\u03b1, represents the energy spectrum of electrons, Ne(E) \u221dE\u2212r (with r = 2\u03b1 + 1 and E = \u03b3emec2). In a magnetic \ufb01eld of typical strength, B \u223c100\u00b5G, these electrons have a characteristic Lorentz factor, \u03b3e \u223c p \u03bdmec/(eB) \u223c103, for radio synchrotron emissions in the GHz band. If the peak CR electron energy is determined by a balance between DSA and synchrotron energy losses, and we assume for simplicity a steady shock, the X-ray synchrotron cutoff frequency is determined primarily by the shock speed; namely, h\u03bdc \u22484.1keV(us/3000 km s\u22121)2. However, under similar conditions for spherical, decelerating shocks, radiative cooling of the CR electrons within the SNR interior leads to a volumeintegrated electron spectrum steepened above a break energy that depends on the evolution of us(t) and B(r,t). Then the spatially unresolved, synchrotron radiation spectrum has a break at h\u03bdbr \u223c0.12keV(t/300yr)\u22122(B2/100 \u00b5G)\u22123 above which the photon spectral index, \u03b1, increases by 0.5 compared to the value without radiative cooling (Kang et al. 2012). The interpretation of the \u03b3-ray spectrum is more complicated, since \u03b3-ray emission can originate from both CR protons and CR electrons; namely, by way of the decay of neutral pions produced in p\u2212p interactions between CRs and the background medium, and from inverse Compton (iC) scattering of the background radiation by CRs electrons plus nonthermal electronic bremsstrahlung. The relative importance of the different components is governed by several factors, including the magnetic \ufb01eld strength, the background density, the background radiation \ufb01eld, and the CR electron to proton ratio, Ke/p. Given these ingredients, it is clearly crucial to incorporate MFA, Alfv\u00e9nic drift and particle escape in predicting nonthermal radiation spectrum of SNRs. In Kang (2013) (Paper I) phenomenological models for MFA, Alfv\u00e9nic drift and particle escape were implemented in time-dependent nonlinear DSA simulations of CR protons and electrons at the forward shock of Sedov-Taylor SNRs. Electronic synchrotron and iC losses were also included in the evolution of the electron spectra. Paper I demonstrated the following points for the MFA model employed there: 1) If scattering centers drift along the shock normal at the Alfv\u00e9n speed in highly ampli\ufb01ed magnetic \ufb01elds, the CR energy spectrum is steepened in evolving strong SNR shocks and the acceleration ef\ufb01ciency is signi\ufb01cantly reduced. 2) Even with fast Afv\u00e9nic drift, however, DSA can still be ef\ufb01cient enough to develop a substantial shock precursor and convert about 2030% of the SN explosion energy into CRs. 3) A CR proton spectrum steeper than E\u22122 was obtained only when Alfv\u00e9nic drift away from the shock was included in both upstream and downstream regions of the shock. 4) The maximum energy of CR ions accelerated by SNRs can increase signi\ufb01cantly over values predicted without MFA only when the magnetic \ufb01elds are ampli\ufb01ed in a volume spanning the full diffusion length of the highest energy particles. This length scale is larger than the gyroradius of those particles by a factor of (c/3us) when Bohm diffusion is applied. 5) Since the high energy end of the CR proton spectrum is composed of the particles that are injected in the early stages of shock evolution, the \u03b3-ray emission spectrum near the high energy cutoff depends on details of the time-dependent evolution of the CR injection, MFA, and particle escape as well as the dynamical evolution of the SNR shock. Steady shock solutions cannot capture these features properly. The present paper revisits these issues through a wider range of MFA models. Because of such interdependencies between MFA and DSA, a self-consistent picture of the full problem requires at the least time dependent MHD simulations combined with a kinetic treatment of nonlinear DSA. That work remains to be done. As a step in this direction, we implemented in Paper I a prescription for MFA and the resulting magnetic \ufb01eld pro\ufb01le based on a simple treatment of Caprioli (2012), of resonant ampli\ufb01cation of Alfv\u00e9n waves by streaming CRs (see Equation (2) below). In the present work we will include three additional recipes for the magnetic \ufb01eld pro\ufb01le in the shock precursor, applying models of Zirakashvili & Ptuskin (2008) and Marcowith & Casse (2010). Moreover, we consider here slightly different model parameters from Paper I. We also present the nonthermal radiation spectra calculated using the simulated CR proton and electron spectra along with the magnetic \ufb01eld strength and the gas density pro\ufb01les. Our main aim is to explore how wave-particle interactions affect \f4 Kang, Jones, and Edmon the energy spectra of CR protons and electrons in nonlinear DSA at SNRs, and their nonthermal radiation spectrum. In the next section we describe the numerical method for the simulations we report, phenomenological models for some key plasma interactions, and model parameters for the SedovTaylor blast wave initial conditions. Our results will be discussed in Section 3, followed by a brief summary in Section 4. 2. NEW DSA SIMULATIONS In this section we brie\ufb02y describe the numerical code and the phenomenological models for wave-particle interactions in DSA theory that we applied. Full details of similar DSA simulations can be found in Paper I. 2.1. CRASH Code for DSA We consider parallel shocks, in which the magnetic \ufb01elds can be roughly decoupled from the dynamical evolution of the underlying \ufb02ow. The pitch-angle-averaged phase space distribution function, f(p), for CR protons and electrons can be described by the following diffusion-convection equation (Skilling 1975a): \u2202g \u2202t +(u +uw)\u2202g \u2202r = 1 3r2 \u2202 \u2202r \u0002 r2(u +uw) \u0003\u0012\u2202g \u2202y \u22124g \u0013 + 1 r2 \u2202 \u2202r \u0014 r2\u03ba(r,y)\u2202g \u2202r \u0015 + p \u2202 \u2202y \u0012 b p2 g \u0013 , (1) where g = f p4, y = ln(p/mpc) is the logarithmic momentum variable, and \u03ba(r, p) is the spatial diffusion coef\ufb01cient3. In the last term b(p) = \u2212dp/dt is the electronic combined synchrotron and iC cooling rate. For protons b(p) = 0. The basic gasdynamic conservation laws with additional terms for the CR pressure, PCR, CR induced non-adiabatic heating, and an isotropic magnetic pressure, PB, are solved using the spherical version of CRASH (Cosmic-Ray Amr SHock) code (Kang & Jones 2006). The CR pressure is calculated self-consistently from the CR proton distribution function, gp(p), determined from the \ufb01nite difference solution to equation (1). The magnetic pressure is calculated according to our phenomenological models for MFA (see the following Section 2.2) rather than from direct solutions of the induction equation or MHD wave transport equations. 2.2. Magnetic Field Ampli\ufb01cation (MFA) CRs streaming across the gas subshock into the shock precursor are known to generate resonant and nonresonant waves via streaming instabilities (e.g., Lucek & Bell 2000; Bell 2004; Zirakashvili & Ptuskin 2008). In that event MHD perturbations of short wavelengths (\u03bb \u226arg) being advected into the shock precursor are ampli\ufb01ed by the return charge current induced by escaping high energy CR particles, jCR \u223c e\u03c0usp3 max f(pmax) (Bell et al. 2013). The linear nonresonant instability grows fastest on scales, k\u22121 max \u223cBc/(2\u03c0 jCR) at a rate, \u0393max \u223c(jCR/c) p \u03c0/\u03c1. So, the ampli\ufb01cation of MHD turbulence via nonresonant interactions depends on the \ufb02ux of escaping particles, which, in turn, is governed by the ef\ufb01ciency of the CR acceleration and the shape of the CR spectrum at large momenta. As the instability enters the nonlinear 3 For later discussion it is useful to note in the relativistic regime that the momentum and energy distributions are simply related as n(E) = 4\u03c0p2 f(p) with E = pc. regime (\u03b4B \u223cB0) during passage through the precursor, saturation processes start to limit the growth, and previously subdominant resonant interactions become dominant. This leads to a linear growth of magnetic \ufb02uctuations and extension to larger scales (Pelletier et al. 2006). As noted in the introduction, there may also exist other types of instabilities and dynamo mechanisms leading to the growth of MHD turbulence on scales larger than rg (e.g., Schure et al. 2012). A full understanding of complex interplay between MFA and DSA would require MHD simulations combined with nonlinear DSA in which the return current is calculated self-consistently from the accelerated CR spectrum (see Marcowith & Casse 2010, for a test-particle treatment). Our more limited objective in the present study is to explore broadly the impact of the resulting MFA pro\ufb01le. Consequently, we implement four heuristic models for MFA in the precursor designated M1 M4, each established by simple applications of MFA and compare their consequences in DSA within model SNR shocks. MFA model M1: Caprioli (2012) has shown for strong shocks with Ms \u226b1 and MA \u226b1, that the strength of the turbulent magnetic \ufb01eld ampli\ufb01ed via resonant Alfv\u00e9n waves excited by CR streaming instabilities can be approximated in terms of the \ufb02ow speed (compression) within the shock precursor, as B(r)2 B2 0 = 1 +(1 \u2212\u03c9H)\u00b7 4 25M2 A,0 (1 \u2212U(r)5/4)2 U(r)3/2 , (2) where U(r) = [us \u2212|u(r)|]/us = \u03c10/\u03c1(r) is the normalized \ufb02ow speed with respect to the shock, and MA,0 = us(t)/vA,0 is the Alfv\u00e9nic Mach number for the instantaneous shock speed with respect to the far upstream Alfven speed, vA,0 = B0/\u221a4\u03c0\u03c10. We hereafter designate this magnetic \ufb01eld pro\ufb01le as model M1 and use the subscripts \u20180\u2019, \u20181\u2019, and \u20182\u2019 to denote conditions far upstream of the shock, immediately upstream and downstream of the subshock, respectively. The factor (1\u2212\u03c9H) accounts for local wave dissipation and the ensuing reduction of MFA; i.e., a fraction, \u03c9H, of the energy transferred from CR streaming to MHD waves is dissipated as heat in the plasma by way of nonlinear damping processes. Some damping is likely; we arbitrarily set \u03c9H = 0.5 as a reasonable estimate. In Paper I, this M1 recipe was adopted to represent qualitatively the MFA process in the shock precursor. As we will show below, Alfv\u00e9nic drift of scattering centers upstream at the local Alfv\u00e9n speed, vA = B(r)/\u221a4\u03c0\u03c1(r), along the shock normal can steepen the CR spectrum signi\ufb01cantly in the presence of MFA. On the other hand, the magnetic \ufb01eld in the M1 MFA model (Equation (2)) increases gradually through the shock precursor from B0 at the FEB to B1 at the subshock (see also Figure 1, below). Consequently, the drift speed increases slowly through the precursor, so that the highest energy CRs, which diffuse on scales \u03ba(pmax)/us \u223cL, are scattered mostly by waves with the relatively slow drift speed, vA,0. (The length L, de\ufb01ned below, measures the full width of the precursor.) That makes Alfv\u00e9nic drift and associated CR spectral steepening ineffective at the high energy end of the CR spectrum. MFA model M2: On the other hand, Caprioli (2012) pointed out that Equation (2) does not account for several important effects, such as excitation of the nonresonant streaming instability that can rapidly amplify the \ufb01eld at the leading edge of the precursor. To allow for such in\ufb02uences, he proposed an alternative simple MFA pro\ufb01le in which the entire \fDiffusive Shock Acceleration at SNRs 5 upstream, precursor region, 0 < (r \u2212rs) < L, has the saturated magnetic \ufb01eld, B1; i.e., B(r) = B1, (3) where B1 is calculated according to Equation (2). We hereafter designate that MFA pro\ufb01le as model M2. With the help of this saturated, uniform precursor magnetic \ufb01eld pro\ufb01le, Caprioli (2012) obtained a CR energy spectrum steeper than E\u22122 from nonlinear DSA calculations of SNRs. MFA model M3: Zirakashvili & Ptuskin (2008) carried out MHD simulations following the evolution of the nonresonant current instability through shock precursors. Their MFA pro\ufb01le was approximately exponential (see their Figure 3). We adapt this behavior into the simple form (designated, hereafter, model M3) for 0 \u2264(r \u2212rs) \u2264L, B(r) = B0 +B1 \u00b7( B1 \u03b4B0 )\u2212(r\u2212rs)/L, (4) where \u03b4B0 = 0.01 is an assumed, arbitrary strength of the initial background magnetic \ufb01eld perturbations and L is the distance from the shock to the upstream boundary (see Section 2.4). Again, for the maximum magnetic \ufb01eld strength immediately upstream of the shock, we adopted B1 calculated according to Equation (2). MFA model M4: As a fourth model for MFA in the precursor, we adopt a linear magnetic strength pro\ufb01le as in Marcowith & Casse (2010) (see their Figure 2): so for 0 \u2264 (r \u2212rs) \u2264L\u2217, B(r) = B1 \u2212(B1 \u2212B0)\u00b7 r \u2212rs L\u2217 (5) where L\u2217= 0.9L is used somewhat arbitrarily. For (r \u2212rs) > L\u2217, B(r) = B0. This model represents an exponential growth to \u03b4B \u223cB0 on a short time scale at r \u223cL\u2217by nonresonant modes followed by a linear growth to B1 through combined nonresonant and resonant mode ampli\ufb01cation. The pro\ufb01les M1 through M4 can be compared in Figure 1. In the case of \u201cstrongly modi\ufb01ed\u201d shocks (e.g., U(rs) \u226a1), magnetic \ufb01eld energy density may increase to a signi\ufb01cant fraction of the upstream kinetic energy density, (1/2)\u03c10u2 s, which is not compatible with observations. V\u00f6lk et al. (2005) have found postshock magnetic pressures, B2 2/(8\u03c0), in several young, shell-type SNRs that are all several % of the upstream ram pressures, \u03c10u2 s . Using this for guidance in the simulations we restricted the ampli\ufb01cation factor within the precursor by the condition that (B2 1/8\u03c0) \u2272(B2 sat/8\u03c0) \u22610.005\u03c10u2 s. (6) For typical Type Ia SNRs in the warm ISM with nH = 0.3cm\u22123 (see the section 2.5 and Table 1), the unmodi\ufb01ed SedovTaylor solution is UST = 5.65 \u00d7 103 km s\u22121(t/to)\u22123/5, so Bsat = 168 \u00b5G(t/to)\u22123/5. In the case of a moderate precursor with U1 \u22480.8 or \u03c11/\u03c10 \u22481.25, for \u03c9H = 0.5 and B0 = 5 \u00b5G Equation (2) gives B1 \u22480.081MA,0B0 \u2248136 \u00b5G(t/to)\u22123/5. So unless the shock is modi\ufb01ed quite strongly, that is, U1 < 0.8, B1 should not exceed the saturation limit Bsat for the warm ISM models considered here. We note that the relation (6) was found observationally for young SNRs, so its validity for much slower shocks at late Sedov stage has not been established. Note that Equation (6) is equivalent to MA,1 = u1/vA,1 \u227310 \u221a\u03c31 , (7) where \u03c31 = u0/u1 measures compression through the precursor. This is useful in evaluating the in\ufb02uence of Alfv\u00e9nic drift within the precursor (see Equations 8)-(11)). We assume that the turbulent magnetic \ufb01eld is isotropic as it comes into the subshock and that the two transverse components are simply compressed across the subshock. The immediate postshock \ufb01eld strength is estimated by B2/B1 = p 1/3 +2/3(\u03c12/\u03c11)2. If subshock compression is large, B2/B1 \u22480.8(\u03c12/\u03c11). From Equation (6) this leads, as a rule of thumb, roughly to B2 2/(8\u03c0)/(\u03c10u2 s) \u22723% (see Figure 6). It is not well understood how the magnetic \ufb01elds diminish downstream in the \ufb02ow behind the forward shock (e.g. Pohl et al. 2005). We assume for simplicity that the postshock \ufb01eld strength behaves as B(r) = B2 \u00b7 \u0002 \u03c1(r)/\u03c12 \u0003 for r < rs. 2.3. Alfv\u00e9nic Drift As noted earlier, the Alf\u00b4 ven waves generated by the streaming instability drift along the local mean magnetic \ufb01eld with respect to the background plasma \ufb02ow in the direction opposite to the CR gradient. Ahead of the shock these waves would propagate into the background medium; behind a spherical shock those waves would propagate towards the SNR interior. Since scattering isotropizes the CRs with respect to the scattering centers, the effective velocity difference that the particles experience across the shock is reduced, if those waves dominate CR scattering. The reduced velocity jump softens (steepens) the CR momentum spectrum compared to the testparticle result for a shock without a precursor or Alfv\u00e9nic drift, q0 = 3u0/(u0 \u2212u2), where q = \u2212\u2202ln f/\u2202ln p. In a CR modi\ufb01ed shock with a precursor and Alfv\u00e9nic drift the slope of the momentum distribution function is momentum dependent, re\ufb02ecting the variation with momentum of the particle diffusion length and the different \ufb02ow conditions sampled by the particles as a result. Near the momentum extremes the slopes can be estimated for steady, plane shocks as: qs \u2248 3(u1 +uw,1) (u1 +uw,1)\u2212(u2 +uw,2), (8) for the low energy particles just above the injection momentum (p \u223cpinj), and qt \u2248 3(u0 +uw,0) (u0 +uw,0)\u2212(u2 +uw,2), (9) for the highest energy particles just below the cutoff; i.e., p \u2272 pmax. Here u0 = \u2212us, u1 = \u2212us/\u03c31, u2 = \u2212us/\u03c32. To make the point of the impact of Alfv\u00e9nic drift with minimal complication, we assume for drift velocities simply uw,0 = +vA,0, uw,1 = +vA,1, and uw,2 = \u2212vA,2, with \u03c31 = \u03c11/\u03c10, \u03c32 = \u03c12/\u03c10. The local A\ufb02v\u00e9n speed is de\ufb01ned as vA,\u2217= B\u2217/\u221a4\u03c0\u03c1\u2217(where \u2217= 0, 1, 2). The steepening of CR spectrum due to Alfv\u00e9nic drift can obviously be ignored for high Alfv\u00e9nic Mach numbers, MA,\u2217= us/vA,\u2217\u226b1. As noted earlier, postshock Alfv\u00e9nic drift is frequently assumed to vanish; i.e., uw,2 = 0, based on the argument that postshock turbulence is likely to be balanced (e.g., Jones 1993). Here we want to emphasize, on the other hand that the shocks in this discussion are not really steady, plane shocks, but evolving, spherical shocks. There should generally be a strong CR gradient behind a spherical shock to drive a streaming instability, so that one could reasonably expect uw,2 < 0 (e.g., Zirakashvili & Ptuskin 2012). If this happens, it could signi\ufb01cantly in\ufb02uence the CR spectrum. \f6 Kang, Jones, and Edmon To see the dependencies on shock modi\ufb01cation and Alfv\u00e9nic drift more clearly, suppose |uw,\u2217/u\u2217| \u226a1 (where \u2217= 0,1,2) and (\u03c31 \u22121)/(\u03c32 \u22121) \u226a1, so that we can expand the corrections of qs and qt compared to the \ufb01ducial slope, q0 = 3\u03c32/(\u03c32 \u22121). Then keeping only lowest order corrections to q0 we can write, qs \u2248q0 \u0014 1 + \u03c31 \u22121 \u03c32 \u22121 + \u03c31 \u03c32 \u22121 \u0012uw,2 u2 \u2212uw,1 u1 \u0013\u0015 , (10) and qt \u2248q0 \u0014 1 + 1 \u03c32 \u22121 \u0012uw,2 u2 \u2212uw,0 u0 \u0013\u0015 . (11) Compression through the precursor steepens qs compared to qt, illustrating the concavity of CR spectra usually predicted by nonlinear DSA. The slope, q0, set by the full compression, \u03c32, is, of course, \ufb02atter than the slope in an unmodi\ufb01ed shock of similar sonic Mach number. One can also see that the slopes, qs and qt, are increased compared to the case with no Alfv\u00e9nic drift, if scattering centers drift upwind ahead of the shock and downwind behind the shock. Suppose for the moment that the wave drift speed scales simply with the local Alfv\u00e9n speed, that B1 \u226bB0 (see Equation (2) and Figure 6) and for simplicity that B2/B1 \u223c \u03c12/\u03c11. Then the in\ufb02uence of drift just upstream of the subshock is large compared to that just inside the FEB, since |(uw,1/u1)/(uw,0/u0)| \u223c(B1/B0)\u03c31/2 1 \u226b1. One can also see that the downstream drift has greatest in\ufb02uence on both qs and qt, because (uw,2/u2)/|(uw,1/u1|) \u223c(\u03c32/\u03c31)3/2 \u226b1 and (\u03c31 \u22121)/(\u03c32 \u22121) \u226a1 in the simulations we present here. We note for clarity that the MFA constraint given in Equation (7) limits the preshock Alfv\u00e9nic drift correction term, |(uw,1/u1)|, in these simulations to |(uw,1/u1)| \u22720.1\u221a\u03c31. From this discussion it should be obvious that the presence and nature of downstream Alfv\u00e9nic drift has a very important effect on the DSA outcomes. It is also clear under these circumstances that these expressions always satisfy qs \u2265qt; i.e., measured at the extremes the nonlinear spectra will remain concave, at least in a steady, plane shock, even when Alfv\u00e9nic drift is included on both sides of the shock. On the other hand, spherical shocks are not steady, and relative postshock \ufb02ow speeds increase with distance downstream, opening up a wider range of possible outcomes. We shall see, in fact, that in our SNR simulations the CR spectra near the maximum, cutoff momentum can be signi\ufb01cantly \ufb02atter than one would predict from the above relations. That feature does result from strong evolution of the shock properties at early times that in\ufb02uences subsequent evolution. Shock and CR properties in spherical blast waves are not a simple superposition of intermediate properties at the \ufb01nal time. When Alfv\u00e9nic drift has been included in DSA models, it has been customary to assumed the drift speed is the local Alfv\u00e9n speed along the shock normal, vA = B/\u221a4\u03c0\u03c1, based on the total magnetic \ufb01eld strength. However, when the \ufb01elds become strongly ampli\ufb01ed by streaming instabilities the mean \ufb01eld direction is less clear, even when the upstream \ufb01eld is along the shock normal (e.g., Reville & Bell 2013). Then the drift speed should be reduced compared to the Alfv\u00e9n speed expressed in terms of the total \ufb01eld strength. In order to allow for this we model the local effective Alfv\u00e9nic drift speed simply as vA(r) = B0 + fA[B(r)\u2212B0] \u221a4\u03c0\u03c1(r) , (12) where the parameter fA \u22641 is a free parameter (Ptuskin et al. 2010; Lee et al. 2012). For the simulations presented here fA = 0.5 whereever Alfv\u00e9nic drift is active. The default in our models turns off Alfv\u00e9nic drift in the post shock \ufb02ow; i.e., we set uw,2 = 0. On the other hand, to allow for possible in\ufb02uences of postshock streaming in these spherical shocks we also consider the case of uw,2(r) = \u2212vA(r). Those models are identi\ufb01ed with the subscript tag, \u2019ad\u2019 (see Table 1). All the simulations presented here apply Alfv\u00e9nic drift upstream of the shock, with uw,1(r) = +vA(r). 2.4. Recipes for Particle Injection, Diffusion, and Escape We apply a thermal leakage model for CR injection in which only suprathermal particles in the tail of the thermal, Maxwellian distribution above a critical rigidity are allowed to cross the shock from downstream to upstream. CR protons are effectively injected above a prescribed injection momentum, pinj \u22481.17mp(us/\u03c32)(1 + 1.07\u01eb\u22121 B ), where \u01ebB is an injection parameter de\ufb01ned in Kang et al. (2002). We adopt \u01ebB = 0.2 \u22120.215 here, which leads to the injected proton fraction, \u03be = ncr,2/n2 \u227210\u22124. In Paper 1, \u01ebB = 0.23 was adopted, which led a higher injection fraction than we allow here and higher CR acceleration ef\ufb01ciencies, as well, that were nearly in the saturation regime. Electrons are expected to be injected with a much smaller injection rate than protons, since suprathermal electrons have much smaller rigidities at a given energy. Some preacceleration process is likely to control this (Reynolds 2008). Since this physics is still poorly understood, we follow the common practice of \ufb01xing the injected CR electron-to-proton ratio to a small number, Ke/p \u223c10\u22124 \u221210\u22122 (e.g., Morlino & Caprioli 2012). Because of the small number of particles, the electronic CR component is dynamically unimportant; we neglect its feedback in these simulations. In these simulations injected proton and electron CRs are accelerated in the same manner at the same rigidity, R = pc/Ze. For the spatial diffusion coef\ufb01cient, we adopt a Bohmlike momentum dependence (\u03baB \u223c(1/3)rgv) with \ufb02attened non-relativistic dependence to reduce computational costs (Kang & Jones 2006). Since acceleration to relativistic energies is generally very quick, this low energy form has little impact our results. In particular we set \u03ba(r, p) = \u03ban( B0 B\u2225(r))\u00b7( p mpc)\u00b7K(r), (13) where \u03ban = mpc3/(3eB0) = (3.13 \u00d7 1022cm2s\u22121)B\u22121 0 (B0 is expressed in units of microgauss) and the parallel component of the local magnetic \ufb01eld, B\u2225(r), is prescribed by our MFA models discussed above. The function K(r) \u22651 is intended to represent a gradual decrease in scattering ef\ufb01ciency relative to Bohm diffusion (so, \u03bbs > rg) upstream of the subshock due to such in\ufb02uences as predominantly sub-gyro-scale turbulent \ufb02uctuations. All the simulations set K(r) = 1 for r < rs (postshock region). But, except for one model (WM1Bohm), where K(r) = 1, we use for r \u2265rs, K(r) = exp[ck \u00b7(r \u2212rs) rs ]. (14) The numerical factor, ck = 20, is chosen somewhat arbitrarily. It can be adjusted to accommodate a wide range of effects (Zirakashvili & Ptuskin 2012). In these simulations we explicitly provide for particle escape from the system by implementing a so-called \u201cFree Escape Boundary\u201d or \u201cFEB\u201d a distance, L, upstream of the \fDiffusive Shock Acceleration at SNRs 7 shock. That is, we set f(rFEB, p) = 0 at rFEB(t) = rs + L = (1 + \u03b6)rs(t), where \u03b6 = 0.1 \u22120.5. Once CRs are accelerated to high enough momenta, pmax, that the diffusion length lmax = \u03ba(pmax)/us \u223cL(t), the length L becomes the effective width of the shock precursor. For \u03b6 = 0.1 and the shock radius, rs = 3 pc, the distance of the FEB from the shock is L = 0.3 pc, which is comparable to the diffusion length of PeV protons if B \u223c50 \u00b5G and us \u223c6700 km s\u22121. Note that, for ck = 20 and \u03b6 = 0.1 (0.25), the value of K(r) increases from unity at the shock to e2 = 7.4 (e5 = 150) at the FEB. The time-integrated spectrum of particles escaped from the shock from the start of the simulation, ti to time t is given by \u03a6esc(p) = Z t ti 4\u03c0rFEB(t)2[\u03ba\u00b7|\u2202f \u2202r |]rFEB dt. (15) Finally, we note that the rate of non-adiabatic gas heating due to wave dissipation in the precursor is prescribed as W(r,t) = \u2212\u03c9H \u00b7 vA(r)\u2202PCR/\u2202r, where a \ufb01ducial value of \u03c9H = 0.5 was assumed in these simulations. 2.5. Sedov-Taylor Blast Waves For a speci\ufb01c shock context we consider a Type Ia supernova explosion with the ejecta mass, Mej = 1.4M\u2299, expanding into a uniform ISM. All models have the explosion energy, Eo = 1051 ergs. Previous studies have shown that the shock Mach number is one of the key parameter determining the evolution and the DSA ef\ufb01ciency (e.g., Kang 2010), so two phases of the ISM are considered: the warm phase with nH = 0.3cm\u22123 and T0 = 3 \u00d7 104K (\u2018W\u2019 models), and the hot phase with nH = 0.01 cm\u22123 and T0 = 106K (\u2018H\u2019 models). The background gas is assumed to be completely ionized with the mean molecular weight, \u00b5 = 0.61. The background magnetic \ufb01eld strength is set to be B0 = 5 \u00b5G. For the warm ISM (\u2019W\u2019) models the upstream Alfv\u00e9n speed is then vA,0 = 16.8 km s\u22121. The associated shock Alfv\u00e9n Mach number is then MA,0 \u2248180(us/3000 km s\u22121). For the hot ISM (\u2019H\u2019) models, vA,0 = 183 km s\u22121, and MA,0 \u224816.4(us/3000 km s\u22121). The model parameters for the DSA simulations are summarized in Table 1. The second and third characters of the model name in column one indicate the MFA model pro\ufb01les; namely, \u2019M1\u2019 for the velocity-dependentpro\ufb01le given by Equation (2), \u2019M2\u2019 for the uniform, saturated pro\ufb01le given by Equation (3), \u2019M3\u2019 for the exponential pro\ufb01le given by Equation (4), and \u2019M4\u2019 for the linear pro\ufb01le given by Equation (5). The downstream default in all models sets uw,2 = 0; i.e., downstream Alfv\u00e9nic drift is turned off. Where downstream Alfv\u00e9nic drift is operating; i.e., where uw,2 = \u2212vA,2, the model labels include the subscript \u2019ad\u2019. In two models, WM1li and HM1li models, the injection rate is lowered by reducing slightly the injection parameter from \u01ebB = 0.215 to \u01ebB = 0.2. The WM1Bohm model is the same as the WM1 model except that the function K(r) = 1 for r > rs, instead of the defaut form given in Equation (13). Models WM1feb2 and WM1feb3 are included to study the effects of different FEB locations; namely, L = rFEB \u2212rs = 0.25rs and L = 0.5rs, respectively. For all models, fA = 0.5 is adopted for the Alfv\u00e9n drift parameter and \u03c9H = 0.5 for the wave dissipation parameter. The physical quantities are normalized, both in the numerical code and in the plots below, by the following constants: ro = \u00003Mej/4\u03c0\u03c1o \u00011/3, to = \u0000\u03c1or5 o/Eo \u00011/2, uo = ro/to, \u03c1o = (2.34 \u00d7 10\u221224gcm\u22123)nH, and Po = \u03c1ou2 o. For r = ro the mass swept up by the forward shock equals the ejected mass, Mej. For the warm ISM models, ro = 3.18pc and to = 255 years, while for the hot ISM models, ro = 9.89pc and to = 792 years. The true Sedov-Taylor (ST hereafter) dynamical phase of SNR evolution is established only after the reverse shock is re\ufb02ected at the explosion center. So, the dynamical evolution of young SNRs is much more complex than that of the ST similarity solution that we adopt for a simple initial condition at ti. In particular we start each simulation from the ST similarity solution, rST/ro = 1.15(t/to)2/5, without the contact discontinuity and the reverse shock. Although the early dynamical evolution of the model SNRs is not accurate in these simulations, the evolution of the forward shock is still qualitatively representative (e.g., Dohm-Palmer & Jones 1996). Our main goal is to explore how time dependent evolution of MFA, Afv\u00e9nic drift and FEB affect the high energy end of the CR spectra rather than to match the properties of a speci\ufb01c SNR. On the other hand, since the highest energy CRs generally correspond to those injected into the DSA process at very early times, before the ST stage, we begin the calculations at ti/to = 0.2. We then follow the evolution of the forward shock to t/to = 10, which corresponds roughly to the beginning of the true ST evolutionary phase. The spherical grid used in the simulations expands in a comoving way with the forward shock (Kang & Jones 2006). Continuation conditions are enforced at the inner boundary, which is located at r/rs = 0.1 at the start of each simulation and moves outward along with the forward shock. At the outer boundary the gasdynamic variables are continuous, while the CR distribution function is set by the FEB condition. 2.6. Emissions The nonthermal radio to \u03b3-ray emissions expected in these simulations from CR electrons and from CR proton secondary products, along with thermal Bremsstrahlung were computed using an updated version of the COSMICP (renamed AURA) code described in Edmon et al. (2011). We include only information essential for clarity here. Speci\ufb01cally we include for CR electrons synchrotron, iC and Bremsstrahlung. The iC emissions properly account for electron recoil in the KleinNishina limit. Hadronic interactions include inelastic protonproton and photon-proton collisions. The low energy protonproton cross-section was updated using Kamae et al. (2006). Helium and heavy ion contributions are ignored. The photopion production rates and iC rates are based on a background radiation \ufb01eld with a total energy density 1.04 eV cm\u22123 including the cosmic microwave background, plus contributions from cold dust, old yellow and young blue stars, as described in Edmon et al. (2011). 3. DSA SIMULATION RESULTS 3.1. CR Properties Figure 1 shows at times t/t0 = 0.5,1,2,5 the ampli\ufb01ed magnetic \ufb01eld in the radial coordinate normalized by the shock radius, r/rs(t), and the distribution function of CR protons at the subshock, gp(xs), for warm ISM simulations with the four different MFA models: WM1, WM2, WM3, and WM4. In the \ufb01gures below the momentum is expressed in units of mpc and the particle distribution function is de\ufb01ned in such a way that R \u221e 0 4\u03c0p2 f0(p)dp = nH far upstream. So both f(p) and g(p) = f(p)p4 are given in units of nH, while the volumeintegrated distribution functions F(p) = 4\u03c0 R f(r, p)r2dr and G(p) = p4F(p) are given in units of nHr3 o. \f8 Kang, Jones, and Edmon During the early stage (t/to < 1) the precursor grows to a time-asymptotic structure and the magnetic \ufb01elds are ampli\ufb01ed rapidly to saturation. Afterwards, the value for B1 declines as B1 \u221dMA,0 \u221d(t/to)\u22123/5, as the shock slows down in time. The time evolution of MFA along with other measures, including the precursor modi\ufb01cation and the postshock CR pressure, will be discussed below in Figure 6. The distance from the subshock to the FEB location is the same, L = 0.1rs, in these models, but the magnetic \ufb01eld pro\ufb01les differ in shape. The \u201ceffective width\u201d of the magnetic \ufb01eld precursor (measured, say, by the half-power width) would increase through the sequence M1, M3, M4, M2. One can see that the DSA ef\ufb01ciency increases among the WM1-4 models in the same order at early times (t/t0 \u22721). This ef\ufb01ciency in\ufb02uence is re\ufb02ected in Figure 1 most clearly in the variation in pp,max. This demonstrates that pp,max is determined not only by the strength of B1 but also by the width of the magnetic \ufb01eld precursor. As the acceleration proceeds from ti/to = 0.2, the maximum momentum increases and reaches its highest value at t/to \u223c 0.5, depending in detail on the pro\ufb01le of B(r,t). Afterwards, pp,max decreases in time as the shock slows down and MFA becomes weaker (as shown in the \ufb01gure). For the M2, M3 and M4 models, the highest proton energy reaches Ep,max \u223c1 PeV at t/to \u223c0.5. For the M1 model, the magnetic \ufb01eld precursor is too narrow to provide a signi\ufb01cant enhancement of DSA over that from the upstream \ufb01eld, B0, so the proton energy increases only to Ep,max \u223c0.05 PeV. Intuitively, the high momentum end of gp(rs) is obviously populated by particles injected during the earliest period of very ef\ufb01cient DSA, when the shock was especially strong. At the beginning of the simulations (ti/to = 0.2), the shock is fast and strong with us \u22481.5\u00d7104 km s\u22121, Ms,0 \u2248580, and MA,0 \u2248890, so the initial slope of fp(rs) starts with q = 4. As the precursor develops, the CR spectrum becomes concave (dq/d ln p < 0). Although Alfv\u00e9nic drift increases both qs and qt as MFA proceeds in the precursor, these effects are small initially because of large values of MA,1. In the WM2 model, with a uniform precursor magnetic \ufb01eld, for example, MA,1 \u2248MA,0 \u224820 for B1 = 200 \u00b5G and us \u22481.5\u00d7104 km s\u22121, resulting in only small corrections to qs and qt (see Equations (10)-(11)). Even in the later stage (ti/to \u22731), MA,1 > 10 according to Equation (7), so steepening of CR spectra due to Alfv\u00e9nic drift remains moderate. As can be seen in Figure 1, the concavity of gp is gradually reduced in time, but does not disappear entirely in these models. Although the early evolution of SNRs may not be realistic in our simulations, this exercise demonstrates that it is important to follow the initial evolution of SNRs, including us(t) and B(r,t), in order to establish the CR spectrum around Ep,max. Figure 2 shows the spatial pro\ufb01le of the CR pressure, the volume-integrated distribution functions and Gp,e(p) for protons and electrons at t/to = 1, and the time-integrated spectrum of escaped protons, \u03a6esc(p), at t/to = 10 for the same models shown in Figure 1. Once again, the proton spectrum, Gp, clearly depends sensitively on the magnetic \ufb01eld pro\ufb01le in the precursor, as well as its evolution. The slope of Gp(p) near pp,max approaches q \u223c3.8 for the WM1 model and q \u223c3 in the WM2 WM4 models (see also Figure 5), which results from the early nonlinear evolution of DSA. Hence the \u03c00 decay emission in these models could not explain observed \u03b3-ray spectra of some young SNRs, which indicate proton spectra steeper than Fp(p) \u221dp\u22124. In the lower left panel of Figure 2, the sum of Gp(p,t) + \u03a6esc(p,t) is shown in thick lines, while \u03a6esc(p,t) itself is shown in thin lines. Assuming that the CRs included in Gp will be injected eventually into the ISM when the SNR weakens and merges to the ambient medium, this sum at large t would represent the total, time-integrated proton spectrum that the model SNR injects into the ISM. The shape of this integrated spectrum in the four models would be mostly inconsistent with the Galactic CR proton spectrum around the \ufb01rst knee, because the spectrum is too \ufb02at just below the cutoff. As demonstrated in the lower right panel of Figure 2, the volume integrated electron spectrum, Ge(p), steepens approximately by one power of the momentum compared to the proton spectrum due to radiative cooling above a break momentum, pe,br(t) \u221d(B2 2 t)\u22121. In the WM1 model (solid line), there is an additional peak of Ge(p) at a higher energy, which is close to the maximum momentum at the subshock, pe,max. This component comes from the electron population in the upstream region, which cools much less ef\ufb01ciently due to weaker magnetic \ufb01eld there (Edmon et al. 2011). In the other models, magnetic \ufb01elds are stronger in the precursor, so upstream electrons have cooled as well. One can see that in these warm-ISM models the X-ray synchrotron emitting electrons would cut off at the break energy, Ee,br \u223c0.5 \u22121 TeV at t/to = 1, depending mainly on the strength of B2. Figure 3 shows for comparison the results of the warm ISM models with downstream Alfv\u00e9nic drift; i.e., models \u2019WM*ad\u2019. Compared to the WM* models shown in Figure 2, due to the inclusion of downstream Alfv\u00e9nic drift, the CR acceleration is less ef\ufb01cient, the precursor is weaker, and the shock decelerates less. As a result, the shock radius is slightly larger in these models, compared to the WM* models. A weaker precursor also leads to weaker MFA, with reduced B1 \u2272100 \u00b5G and B2 \u2248300 \u00b5G at t/to = 1 (see Figure 6). In the WM2ad, WM3ad, and WM4ad models, the high energy end of Fp is still much \ufb02atter than p\u22124, while it is close to p\u22124 in WM1ad model. Below p < 104mpc, the CR proton spectra in the WM2ad, WM3ad and WM4ad models become as steep as p\u22124.2. Since in those models the proton spectral slopes become as \ufb02at as p\u22123 just below their cutoffs, the concave curvatures in the spectra become more severe than in the models without downstream Alfv\u00e9nic drift, WM*. These models, because of their broader magnetic \ufb01eld precursors, experience more rapid acceleration early on. Later, as the shocks slow down, and Alfv\u00e9nic drift becomes more signi\ufb01cant, and acceleration of CRs injected at later times is less ef\ufb01cient. This effectively leaves an \u201cisland\u201d of CRs at the top of the momentum distribution. Once again, this serves as a reminder that the details of early DSA strongly in\ufb02uence the form of the particle distribution for a long time. In these WM*ad models, the electron break energy, Ee,br \u223c1\u22123 TeV at t/to = 1. It is slightly higher than that of the analogous WM* models, because of weaker magnetic \ufb01elds that result in reduced cooling. We ran two WM1 simulations with increased precursor width due to FEB placement, L = \u03b6rs (WM1feb2,3, \u03b6 = 0.25,0.5), and one with slow (Bohm) diffusion throughout the precursor (WM1Bohm, K(r) = 1 for r > rs). Figure 4 compares the WM1 model (\u03b6 = 0.1), the WM1feb3 model and the WM1Bohm model. We note the results of WM1feb2 are essentially the same as those of WM1feb3 model, and so not shown here. The diffusion length of protons with pp,max/mpc = 105 is lmax \u22480.41pc for B0 = 5 \u00b5G and us = 5000 km s\u22121. Since \fDiffusive Shock Acceleration at SNRs 9 lmax is greater than the FEB distance, L = 0.32pc at t/to = 1 in the WM1 model, the high energy end of the CR spectrum is strongly affected by particle escape through the FEB. In the WM1feb2 and WM1feb3 models, on the other hand, lmax < L = 0.8 \u22121.6pc. So, escape of the highest particles is not signi\ufb01cant, and both WM1feb2,3 models have similar CR spectra extending to pp,max slightly higher than that in WM1 model. One can see that the overall distribution of PCR is about the same in these models, except far upstream, near rFEB, where PCR is dominated by the highest energy particles that can diffuse to the FEB location. Referring now to the comparison between the WM1 and WM1Bohm models, we can see that Gp in the WM1Bohm model (dot-dashed line) extends to higher pp,max by a factor of three or so. In addition, the spatial pro\ufb01le of PCR is slightly broader, compared to the WM1 model. These differences have similar causes; namely, reduced CR escape at high energies, re\ufb02ecting stronger scattering upstream of the subshock in the WM1Bohm model. Note that the introduction of a FEB upstream of the shock or a diffusion scale parameter, K(r), in the precursor does not in fact soften the CR spectrum near pp,max. Instead, it simply affects where an exponential cutoff sets in, without altering the CR spectrum just below pp,max. Figure 5 compares the volume integrated proton spectrum, Gp and its slope for different models (at t/to = 1 for the warmISM models and at t/to = 0.5 for the hot-ISM models). Most of these behaviors have already been addressed for the warmISM simulations, but this representation provides a good general summary and a simple illustration of the comparative properties of the hot-ISM models. In the \ufb01rst and second rows from the top, we show WM* models with uw,2 = 0 and WM*ad models with uw,2 = \u2212vA,2, respectively. In the third row from the top, the models with the different FEB position are compared: \u03b6 = 0.1 (WM1), 0.25 (WM1feb2), and 0.5 (WMfeb3). As mentioned previously, we can see here that the WM1feb2 (red dotted lines) and WM1feb3 (blue dashed) models are almost identical, while pp,max of the integrated spectrum is slightly lower in WM1 model (black solid). For the WM1Bohm model with the Bohm-like diffusion coef\ufb01cient, pp,max is higher than other models because of smaller \u03ba. In the bottom row of Figure 5, the three hot-ISM models, HM1, HM1ad, and HM1li, are illustrated. In these models DSA is less ef\ufb01cient compared to the warm-ISM models, because of smaller sonic Mach number, Ms, and because MFA is less ef\ufb01cient in response to smaller Alfv\u00e9nic Mach number, MA,0. As a result, the CR spectra deviate only slightly from the test-particle power-law and the downstream magnetic \ufb01elds are weaker. We also show in the bottom row of Figure 5 results from the one case we computed with a reduced CR injection rate; model HM1li. As expected, because PCR is reduced, the precursor \ufb02ow is less modi\ufb01ed and the CR acceleration is almost in the test-particle regime. From the results illustrated in Figure 5 it seems dif\ufb01cult for the typical SNR parameters considered here to obtain a proton momentum spectrum steeper than p\u22124 near pp,max even when the nominally rather strong in\ufb02uences of postshock Alfv\u00e9nic drift are included. The comparison of different models in Figure 5 further illustrates how the spectrum of accelerated CRs depends on the nonlinear interplay among MFA, Alfv\u00e9nic drift and particle escape. Turning brie\ufb02y to the simulated CR electron properties, since they are responsible for the radio through X-ray nonthermal emissions in SNRs, we note for p < pe,br that the slopes of Ge and Gp should be similar, because the electron spectrum is not affected by radiative cooling at those momenta. According to Figure 5, the slope of Ge(p) near p/mpc \u223c1 (\u03b3e \u223c2000) would be about 4.2, virtually independent of the model parameters. So the radio spectral index is expected to be similar in these models. Figure 6 shows the time evolution of the various dynamical shock properties for different models, including the density compression factors, ampli\ufb01ed magnetic \ufb01eld strengths, the postshock CR pressure, CR injection fraction and the fraction of the explosion energy transferred to CRs for the models without (left column) or with (right column) postshock Alfv\u00e9nic drift. The left column also includes for comparison the WM1li model with a lower injection. Several of these comparisons have already been addressed. According to Equation (2), the MFA factor, B1/B0, depends on the precursor strength (i.e., U1) and the Alfv\u00e9nic Mach number, MA,0. So the preshock magnetic \ufb01eld, B1, increases rapidly in the early stage during which the precursor develops, but later it decreases in time with diminishing MA,0. In the descending order of the effective width of the magnetic \ufb01eld precursor, M2, M4, M3, M1, the precursor grows and the value of B1(t) peaks at progressively earlier times. After reaching its peak value, the B1 values decline as B1 \u2248136 \u00b5G(t/to)\u22123/5 and become similar in all four models. Here the straight dotted lines show the limiting magnetic \ufb01eld, Bsat = 168 \u00b5G(t/to)\u22123/5, given in Equation (6). One can see that B1 stays below Bsat for the models considered here. From the third row of Figure 6 we can see that the MFA model pro\ufb01le strongly in\ufb02uences the early evolution of the postshock CR pressure, PCR,2. But once the precursor growth and MFA saturate, the postshock CR pressure is similar for a given model class (postshock Alfv\u00e9nic drift on or off). Because of the steepening of the CR spectrum (see Figure 5), PCR,2 is smaller in WM*ad models, compared to WM* models. But the difference is less than a factor of two. The bottom panels of Figure 6 show that by the end of the simulations about 30% of the SN explosion energy is transferred to CRs in WM* models, while WM*ad models are somewhat less ef\ufb01cient, as expected. As can be seen in Figures 2 and 3, PCR,2 is smaller but the shock radius rs is larger in WM*ad models, resulting in a rather small difference in the volume integrated energy, ECR, between the two model classes. A reduced CR injection rate also reduces this energy transfer in the WM1li model. Thus, in our models the amount of the CR energy produced in the SNRs is smaller than what had been reported in some previous DSA simulations in which the Alfv\u00e9nic drift was not included or Alfv\u00e9n speed in the background \ufb01eld, B0, was adopted (e.g. Berezhko & V\u00f6lk 1997; Berezhko et al. 2009; Kang & Jones 2006). Even though the CR acceleration ef\ufb01ciency is reduced in these simulations, the estimated values are still suf\ufb01cient to replenish CR energy escape from the Galaxy. 3.2. Emissions It is useful to know how the differences in CR particle spectra are translated into differences in nonthermal emissions spectra (e.g., Edmon et al. 2011). For a power-law electron distribution, fe(p) \u221dp\u2212qe, the radiation spectra due to synchrotron and iC processes will have a power-law form, F\u03bd \u221d \u03bd\u2212\u03b1 with a slope \u03b1syn = \u03b1iC = (qe \u22123)/2. For the test-particle slope, qe = 4, \u03b1syn = \u03b1iC = 0.5, so \u03bdL\u03bd \u221d\u03bd+0.5, where L\u03bd is the luminosity spectrum in units of erg s\u22121eV\u22121. The same power\f10 Kang, Jones, and Edmon law momentum distribution for protons, fp(p) \u221dp\u2212qp with a cutoff at Ep,max, \u03c00 decay emission spectrum has roughly a power-law form with \u03b1\u03c00 = qp \u22123, for the photon energy 80MeV \u2272E\u03b3 \u22720.1Ep,max (Kang et al. 2012). So for \u03c00 decay emissions with qp = 4, \u03bdL\u03bd has a \ufb02at shape (\u03b1\u03c00 + 1 = 0) typically for the 100 MeV 10 TeV band (note: \u03bd = 1024 Hz corresponds to E\u03b3 = 4 GeV). In Figure 7 the volume integrated radiation spectra, \u03bdL\u03bd, are shown for different models, where Ke/p = 10\u22124 is adopted for convenience. In the upper two panels the contributions from the different processes are compared for WM1ad and W4 models. The lower left panel shows the results for four models with different pro\ufb01les of B(r) in the precursor: WM1, WM2, WM3, and WM4 models. The results for the hot-ISM models are shown in the lower right panel. As shown in Figure 5, the slope of the electron spectrum is almost universally qe \u22484.2 for \u03b3e \u223c103 \u2212105, so the spectral shape of the radio synchrotron emission should be similar in different models. On the other hand, the X-ray synchrotron emission can be affected by the radiative cooling. In the hot ISM models, the postshock CR electron population has not cooled signi\ufb01cantly by t/to = 0.5, so \u03bdL\u03bd has a relatively sharp peak in the X-ray band. In the warm ISM models with much stronger ampli\ufb01ed magnetic \ufb01elds, the rise of \u03bdL\u03bd in X-ray synchrotron emission before the cutoff is \ufb02attened by the radiative cooling. This demonstrates that the spectral shape in the X-ray band is affected by the evolution of B(r,t) as well as the shock dynamics, us(t). In particular, for the WM4 model a distinctive signature of electron cooling can be seen in iC emission for E\u03b3 = 1\u2212100 GeV (in the case where iC emission dominates over \u03c00 decay emission). With the assumed value of Ke/p and a background radiation \ufb01eld representative of the galactic plane, \u03c00 decay emission dominates over electronic iC scattered emission in the GeVTeV \u03b3-ray band. As can be seen in Figures 2 and 3, the high energy end of CR proton spectra vary widely among different models, depending on the models for MFA and Alfv\u00e9nic drift, so the ensuing \u03c00 decay emission spectra can be very different. Model WM1ad shown in the top left panel has the proton cutoff at Ep,max \u223c104 GeV and the \u03b3-ray cutoff at E\u03b3 \u223c4 TeV (1027 Hz). For this model, the shape of \u03bdL\u03bd due to \u03c00 decay is slightly steeper than the \ufb02at spectrum expected for the test-particle power law with qp = 4. The warm ISM models with other MFA models, M2-M4, have the \u03b3-ray cutoff at higher energies, E\u03b3 \u223c10 \u2212100 TeV, and their \u03c00 decay emission spectra show a concave curvature. Such a signature of nonlinear DSA has not been observed in real SNRs, so these models are probably unrealistic and a signi\ufb01cant revision for the current DSA theory is called for. But as stated before, our focus here is to demonstrate how different models for MFA, Afv\u00e9nic drift and FEB affect the high energy end of the CR proton spectra and their nonthermal emission spectra. We note that the sharp feature near E\u03b3 \u223c100 MeV comes from the low energy cross-section for the p \u2212p collision. 4. SUMMARY The most direct evidence for the particle acceleration at SNR shocks can be provided by multi-wavelength observations of nonthermal radiation emitted by CR protons and electrons (e.g. Berezhko et al. 2012; Morlino & Caprioli 2012; Kang et al. 2012). Recent observations of young SNRs in the GeV-TeV bands seem to imply that the accelerated proton spectrum might be much steeper than predicted by conventional nonlinear DSA theory, which is based on some simplifying assumptions for wave-particle interactions (e.g. Acero et al. 2010; Acciari et al. 2011; Giordano et al. 2012). Thus a detailed understanding of plasma physical processes at collisonless shocks is essential in testing the DSA hypothesis for the origins of Galactic CRs (e.g. Caprioli 2012; Kang 2013). In this study, we have explored how magnetic \ufb01eld ampli\ufb01cation, drift of scattering centers, and particle escape could affect the outcomes of nonlinear DSA at the outer shock of Type Ia SNRs, implementing some phenomenological models for such processes into the exiting DSA simulation code. Given the current lack of full understanding of different essential processes, we have considered several heuristic models and included a moderately large number of models and parameters in order to examine underlying model sensitivities. We do not claim that any of these models accurately represent real, young SNRs. We have, in particular, considered: a) four different models for magnetic \ufb01eld ampli\ufb01cation (MFA), B(r,t), in the precursor, b) inclusion of wave damping (\u2192 plasma heating) through a parameter, \u03c9H, c) Alfv\u00e9nic drift, with allowance for super-gyro-scale \ufb01eld disorder, through a drift speed adjustment parameter, fA, d) inclusion of downstream, postshock Alfven\u00edc drift in some cases, e) a free escape boundary (FEB) with adjustable scale through a parameter, \u03b6, f) reduced CR scattering ef\ufb01ciency towards the front of the shock precursor, through a diffusion scale parameter, K(r), and g) variation of the thermal leakage injection rate through a parameter, \u01ebB. In these, kinetic DSA simulations the time-dependent evolution of the pitch-angle averaged phasespace distribution functions of CR protons and electrons are followed along with the coupled, dynamical evolution of an initially Sedov-Taylor blast wave. Radiation spectra from the CR electrons and protons have been calculated through post processing of the DSA simulation data. Since the spatial pro\ufb01le of the ampli\ufb01ed magnetic \ufb01eld, B(r,t), is not in general a simple step function, the timedependent evolution of the particle acceleration depends on interplay between smaller diffusion coef\ufb01cient and faster Alfv\u00e9nic drift, which have opposite effects on DSA. Stronger magnetic \ufb01elds result in smaller scattering lengths and faster acceleration, leading to higher pmax and greater precursor compression. On the other hand, faster Alfv\u00e9nic drift away from the shock steepens the CR spectrum and reduces the CR acceleration ef\ufb01ciency (Ptuskin et al. 2010; Caprioli 2012). The main results can be summarized as follows. 1. The high energy end of the proton spectrum depends sensitively on the strength and pro\ufb01le of the ampli\ufb01ed magnetic \ufb01eld in the precursor. For typical SNR shock properties considered here, the maximum proton energy can reach up to Ep,max \u22481 PeV except for one MFA model (M1, Equation (2)) which has a very thin region of ampli\ufb01ed magnetic \ufb01eld in the precursor, such that its effective width is less than the diffusion length of the highest energy particles produced in the other MFA models. Consequently, in the M1 models, in which the magnetic \ufb01eld is not ampli\ufb01ed signi\ufb01cantly for most of the precursor, DSA is too slow to reach such high energies. This model exhibits relatively less CR spectral concavity as a byproduct of its relative inability to accelerate to very high energies. 2. The MFA models M2 M4 given in Equations (3)(5) produce broader magnetic \ufb01eld precursors than the M1 model. In those models the CR spectrum is indeed steepened \fDiffusive Shock Acceleration at SNRs 11 signi\ufb01cantly for E < 10 TeV by fast Alfv\u00e9nic drift. But the CR spectrum for E > 10 TeV shows a strong concave curvature, since the high energy ends of the spectra are established early on, when magnetic \ufb01elds are being ampli\ufb01ed through the initial development of the precursor. In fact, the CR spectra just below Ep,max in these models can approach the very hard spectral slope, E\u22121. 3. In the models with postshock Alfv\u00e9nic drift (uw,2 \u2248\u2212vA), the CR spectrum is slightly softer than that of the models without it, although it remains somewhat concave. In these models, the CR acceleration ef\ufb01ciency is reduced by a factor of less than two and MFA in the precursor becomes also weaker, compared to the models without postshock Alfv\u00e9nic drift. 4. Reduced CR scattering ef\ufb01ciencies far upstream of the shock due, for instance to the turbulent \ufb01eld being dominated by small scale, non-resonant\ufb02uctuations, and resulting escape of the highest energy particles also regulate the high energy end of the CR proton spectrum in important ways (i.e., K(r) \u2265 1). We demonstrated, in addition, that the CR proton spectrum near the high energy cutoff is strongly in\ufb02uenced by the FEB location if the high energy diffusion length, lmax, approaches the width of the precursor; i.e., if L < lmax, where L = \u03b6rs is the FEB distance. However, the introduction of a diffusion scale parameter, K(r), or a FEB upstream of the shock simply lowers pp,max where the exponential cutoff sets in, rather than steeping the CR spectrum p \u2272pp,max. 5. Nonthermal radiation from SNRs carries signi\ufb01cant information about nonlinear DSA beyond the simple testparticle predictions. In particular, the shape of X-ray synchrotron emission near the cutoff is determined by the evolution of the ampli\ufb01ed magnetic \ufb01eld strength as well as the shock dynamics. 6. Since the high energy end of the CR proton spectrum consists of the particles that are injected during the early stages of SNRs, the spectral shape of \u03c00 decay emission near the high energy cutoff depends on the time-dependent evolution of the CR injection, MFA, and particle escape as well as the early dynamical evolution of the SNR shock. These properties, in return, depend on dynamical feedback from the CRs and MFA. The end results are not likely well modeled by a succession of independent, static solutions. This study demonstrates that a detailed understanding of plasma physical processes operating at collisionless shocks is crucial in predicting the CR energy spectra accelerated at SNR shocks and nonthermal emissions due to those CRs. H.K. was supported by Basic Science Research Program through the National Research Foundation of Korea (NRF) funded by the Ministry of Education, Science and Technology (2012-001065). T.W.J. was supported in this work at the University of Minnesota by NASA grant NNX09AH78G, NSF grant AST-1211595 and by the Minnesota Supercomputing Institute for Advanced Computational Research. P.P.E. was supported by Harvard Research Computing and the Institute for Theory and Computation at the Center for Astrophysics. The authors would like to thank the anonymous referee for the constructive suggestions and comments. H.K. also thanks Vahe Petrosian and KIPAC for their hospitality during the sabbatical leave at Stanford University where a part of the paper was written."
+ },
+ {
+ "url": "http://arxiv.org/abs/1212.3246v1",
+ "title": "Diffusive Shock Acceleration at Cosmological Shock Waves",
+ "abstract": "We reexamine nonlinear diffusive shock acceleration (DSA) at cosmological\nshocks in the large scale structure of the Universe, incorporating\nwave-particle interactions that are expected to operate in collisionless\nshocks. Adopting simple phenomenological models for magnetic field\namplification (MFA) by cosmic-ray (CR) streaming instabilities and Alfv'enic\ndrift, we perform kinetic DSA simulations for a wide range of sonic and\nAlfv'enic Mach numbers and evaluate the CR injection fraction and acceleration\nefficiency. In our DSA model the CR acceleration efficiency is determined\nmainly by the sonic Mach number Ms, while the MFA factor depends on the\nAlfv'enic Mach number and the degree of shock modification by CRs. We show that\nat strong CR modified shocks, if scattering centers drift with an effective\nAlfv'en speed in the amplified magnetic field, the CR energy spectrum is\nsteepened and the acceleration efficiency is reduced significantly, compared to\nthe cases without such effects. As a result, the postshock CR pressure\nsaturates roughly at ~ 20 % of the shock ram pressure for strong shocks with\nMs>~ 10. In the test-particle regime (Ms<~ 3), it is expected that the magnetic\nfield is not amplified and the Alfv'enic drift effects are insignificant,\nalthough relevant plasma physical processes at low Mach number shocks remain\nlargely uncertain.",
+ "authors": "Hyesung Kang, Dongsu Ryu",
+ "published": "2012-12-13",
+ "updated": "2012-12-13",
+ "primary_cat": "astro-ph.HE",
+ "cats": [
+ "astro-ph.HE",
+ "astro-ph.CO"
+ ],
+ "main_content": "INTRODUCTION It is expected that hierarchical gravitational clustering of matter induces shock waves in baryonic gas in the large-scale structure (LSS) of the Universe (Kang et al. 1996; Miniati et al. 2000). Simulations for the LSS formation suggest that strong shocks (Ms \u227310) form in relatively cooler environments in voids, \ufb01laments, and outside cluster virial radii, while weak shock (Ms \u2272several) are produced by mergers and \ufb02ow motions in hotter intracluster media (ICMs) (Ryu et al. 2003; Pfrommer et al. 2006; Kang et al. 2007; Skillman et al. 2008; Hoeft et al. 2008; Vazza et al. 2009; Br\u00a8 uggen et al. 2012). Observationally, the existence of such weak shocks in ICMs has been revealed through temperature jumps in the X-ray emitting gas and Mpc-scale relics with radio spectra softening downstream of the shock (see Markevitch & Vikhlinin 2007; Feretti et al. 2012, for reviews). These cosmological shocks are the primary means through which the gravitational energy released during the LSS formation is dissipated into the gas entropy, magnetic \ufb01eld, turbulence and nonthermal particles (Ryu et al. 2008). In fact, shocks are ubiquitous in astrophysical environments from the heliosphere to galaxy clusters and they are thought to be the main \u2018cosmic accelerators\u2019 of high energy cosmic-ray (CR) particles (Blandford & Eichler 1987). In di\ufb00usive shock acceleration (DSA) theory, suprathermal particles are scattered by magnetohydrodynamic (MHD) waves and isotropized in the local wave frames, and gain energy through multiple crossings of the shock (Bell 1978; Drury 1983; Malkov & Drury 2001). While most postshock thermal particles are advected downstream, some suprathermal particles energetic enough to swim against downstream turbulent waves can cross the shock and be injected into the Fermi \ufb01rst-order process. Then these streaming CRs generate resonant waves via two-stream instability and nonresonant waves via CR current-driven instability, which in turn amplify turbulent magnetic \ufb01elds in the preshock region (Bell 1978; Lucek & Bell 2000; Bell 2004; Schure et al. 2012). Thin X-ray synchrotron emitting rims observed in several young supernova remnants (SNRs) indicate that CR electrons are accelerated to 10-100 TeV and cool radiatively in the magnetic \ufb01eld of several 100 \u00b5G behind the forward shock (e.g., Parizot et al. 2006; Reynolds et al. 2012). This provides clear evidence for e\ufb03cient magnetic \ufb01eld ampli\ufb01cation during CR acceleration at strong CR modi\ufb01ed shocks. These plasma physical processes, i.e., injection of suprathermal particles into the CR population, excitation of MHD waves and ampli\ufb01cation of turbulent magnetic \ufb01elds via plasma instabilities, and further acceleration of CRs via Fermi \ufb01rst-order process are important ingredients of DSA and should operate at all types of astrophysical shocks including cosmological shocks in the LSS (e.g., Malkov & Drury 2001; Zweibel & Everett 2010; Schure et al. 2012; Br\u00a8 uggen et al. 2012). In addition, relativistic particles can be accelerated \f\u2013 3 \u2013 stochastically by MHD turbulence, most likely driven in ICMs of merging clusters (Petrosian 2001; Cassano & Brunetti 2005; Brunetti & Lazarian 2007). CRs can be also injected into the intergalactic space by radio galaxies (Kronberg et al. 2001) and through winds from star-forming galaxies (V\u00a8 olk & Atoyan 1999), and later re-accelerated by turbulence and/or shocks. Di\ufb00use synchrotron emission from radio halos and relics in galaxy clusters indicates the presence of GeV electrons gyrating in \u00b5G-level magnetic \ufb01elds on Mpc scales (e.g., Carilli & Taylor 2002; Govoni & Feretti 2004; van Weeren et al. 2010; Kang et al. 2012). On the other hand, non-detection of \u03b3-ray emission from galaxy clusters by Fermi-LAT and VERITAS observations, combined with radio halo observations, puts rather strong constraints on the CR proton population and the magnetic \ufb01eld strength in ICMs, if one adopts the \u201chadronic\u201d model, in which inelastic collisions of CR protons with ICM protons produce the radio emitting electrons and the \u03c00 decay (Ackermann et al. 2010; Donnert et al. 2010; Jeltema & Profumo 2011; Arlen et al. 2012). Alternatively, in the \u201cre-acceleration\u201d model, in which those secondary electrons produced by p-p collisions are accelerated further by MHD turbulence in ICMs, the CR proton pressure not exceeding a few % of the gas thermal pressure could be consistent with both the Fermi-LAT upper limits from the GeV \u03b3-ray \ufb02ux and the radio properties of cluster halos (Brunetti et al. 2012). Recently, ampli\ufb01cation of turbulent magnetic \ufb01elds via plasma instabilities and injection of CR protons and electrons at non-relativistic collisonless shocks have been studied, using Particle-in-Cell (PIC) and hybrid plasma simulations (e.g. Riquelme & Spitkovsky 2009, 2011; Guo et al. 2010; Garat\u00b4 e & Spitkovsky 2012). In PIC simulations, the Maxwell\u2019s equations for electric and magnetic \ufb01elds are solved along with the equations of motion for ions and electrons, so the full wave-particle interactions can be followed from \ufb01rst principles. However, extremely wide ranges of length and time scales need to be resolved mainly because of the large proton to electron mass ratio. In hybrid simulations, only the ions are treated kinetically while the electrons are treated as a neutralizing, massless \ufb02uid, alleviating severe computational requirements. However, it is still prohibitively expensive to simulate the full extent of DSA from the thermal energies of background plasma to the relativistic energies of cosmic rays, following the relevant plasma interactions at the same time. So we do not yet have full understandings of injection and di\ufb00usive scattering of CRs and magnetic \ufb01eld ampli\ufb01cation (MFA) to make precise quantitative predictions for DSA. Instead, most of kinetic DSA approaches, in which the di\ufb00usion-convection equation for the phase-space distribution of particles is solved, commonly adopt phenomenological models that may emulate some of those processes (e.g., Kang et al. 2002; Berezhko et al. 2009; Ptuskin et al. 2010; Lee et al. 2012; Caprioli 2012; Kang 2012). Another approximate method is a steady-state Monte Carlo simulation approach, in which parameterized models for particle di\ufb00usion, growth of self-generated MHD turbulence, wave dissipation and plasma heating are implemented (e.g., \f\u2013 4 \u2013 Vladimirov et al. 2008). In our previous studies, we performed DSA simulations of CR protons at cosmological shocks, assuming that the magnetic \ufb01eld strength is uniform in space and constant in time, and presented the time-asymptotic values of fractional thermalization, \u03b4(Ms), and fractional CR acceleration, \u03b7(Ms), as a function of the sonic Mach number Ms (Kang & Jones 2007; Kang et al. 2009). These energy dissipation e\ufb03ciencies were adopted in a post-processing step for structure formation simulations in order to estimate the CR generation at cosmological shocks (e.g., Skillman et al. 2008; Vazza et al. 2009). Recently, Vazza et al. (2012) have used those e\ufb03ciencies to include self-consistently the CR pressure terms in the gasdynamic conservation equations for cosmological simulations. In this paper, we revisit the problem of DSA e\ufb03ciency at cosmological shocks, including phenomenological models for MFA and drift of scattering centers with Alfv\u00b4 en speed in the ampli\ufb01ed magnetic \ufb01eld. Ampli\ufb01cation of turbulent magnetic \ufb01elds driven by CR streaming instabilities is included through an approximate, analytic model suggested by Caprioli (2012). As in our previous works, a thermal leakage injection model and a Bohm-like di\ufb00usion coe\ufb03cient (\u03ba(p) \u221dp) are adopted as well. This paper is organized as follows. The numerical method and phenomenological models for plasma physical processes in DSA theory, and the model parameters for cosmological shocks are described in Section 2. We then present the detailed simulation results in Section 3 and summarize the main conclusion in Section 4. 2. DSA MODEL In the di\ufb00usion approximation, where the pitch-angle distribution of CRs is nearly isotropic, the Fokker-Plank equation of the particle distribution function is reduced to the following di\ufb00usion-convection equation: \u2202f \u2202t + (u + uw)\u2202f \u2202x = p 3 \u2202(u + uw) \u2202x \u2202f \u2202p + \u2202 \u2202x \u0014 \u03ba(x, p)\u2202f \u2202x \u0015 , (1) where f(x, p, t) is the isotropic part of the pitch-angle averaged CR distribution function, \u03ba(x, p) is the spatial di\ufb00usion coe\ufb03cient along the direction parallel to the mean magnetic \ufb01eld and uw is the drift speed of local Alfv\u00b4 enic wave turbulence with respect to the plasma (Skilling 1975). Here, we consider quasi-parallel shocks in one-dimensional planar geometry, in which the mean magnetic \ufb01eld is roughly parallel to the \ufb02ow direction. The \ufb02ow velocity, u, is calculated by solving the momentum conservation equation with dynamical feedback of the CR pressure and self-generated magnetic \ufb01elds, \u2202(\u03c1u) \u2202t + \u2202(\u03c1u2 + Pg + Pc + PB) \u2202x = 0. (2) \f\u2013 5 \u2013 The CR pressure, Pc, is calculated self-consistently with the CR distribution function f, while the magnetic pressure, PB, is calculated according to our phenomenological model for MFA (see Section 2.4) rather than solving the induction equation (Caprioli et al. 2009). We point that the dynamical e\ufb00ects of magnetic \ufb01eld are not important with PB \u22720.01\u03c10u2 s. The details of our DSA numerical code, the CRASH (Cosmic-Ray Amr SHock), can be found in Kang et al. (2002). 2.1. Thermal Leakage Injection Injection of protons from the postshock thermal pool into the CR population via waveparticle interactions is expected to depend on several properties of the shock, including the sonic and Alfv\u00b4 enic Mach numbers, the obliquity angle of mean magnetic \ufb01eld, and the strength of pre-existing and self-excited MHD turbulence. As in our previous studies, we adopt a simple phenomenological model in which particles above an \u201de\ufb00ective\u201d injection momentum pinj get injected to the CR population: pinj \u22481.17mpu2 \u0012 1 + 1.07 \u01ebB \u0013 , (3) where \u01ebB = B0/B\u22a5is the ratio of the mean magnetic \ufb01eld along the shock normal, B0, to the amplitude of the postshock MHD wave turbulence, B\u22a5(Malkov & Drury 2001; Kang et al. 2002). This injection model re\ufb02ects plasma physical arguments that the particle speed must be several times larger than the downstream \ufb02ow speed, u2, depending on the strength of MHD wave turbulence, in order for suprathermal particles to leak upstream across the shock transition layer. Since the physical range of the parameter \u01ebB is not tightly constrained, we adopt \u01ebB = 0.25 as a canonical value, which results in the injected particle fraction, \u03be = ncr,2/n2 \u223c10\u22124 \u221210\u22123 for Ms \u22733 (see Figure 3 below). Previous studies showed that DSA saturates for \u03be \u227310\u22124, so the acceleration e\ufb03ciency obtained here may represent an upper limit for the e\ufb03cient injection regime (e.g., Kang et al. 2002; Caprioli 2012). In fact, this injection fraction is similar to the commonly adopted values for nonlinear DSA modeling of SNRs (e.g., Berezhko et al. 2009). If we adopt a smaller value of \u01ebB for stronger wave turbulence, pinj has to be higher, leading to a smaller injection fraction and a lower acceleration e\ufb03ciency. 2.2. Bohm-like Di\ufb00usion Model In our model, turbulent MHD waves are self-generated e\ufb03ciently by plasma instabilities driven by CRs streaming upstream in the shock precursor, so we can assume that CR particles \f\u2013 6 \u2013 are resonantly scattered by Alfv\u00b4 en waves with fully saturated spectrum. Then the particle di\ufb00usion can be approximated by a Bohm-like di\ufb00usion coe\ufb03cient, \u03baB \u223c(1/3)rgv, but with \ufb02attened non-relativistic momentum dependence (Kang & Jones 2007): \u03ba(x, p) = \u03ba\u2217 B0 B\u2225(x) \u00b7 p mpc, (4) where \u03ba\u2217= mpc3/(3eB0) = (3.13\u00d71022cm2s\u22121)B\u22121 0 , and B0 is the magnetic \ufb01eld strength far upstream expressed in units of \u00b5G. The strength of the parallel component of local magnetic \ufb01eld, B\u2225(x), will be described in the next section. Hereafter, we use the subscripts \u20180\u2019, \u20181\u2019, and \u20182\u2019 to denote conditions far upstream of the shock, immediate upstream and downstream of the subshock, respectively. 2.3. Magnetic Field Ampli\ufb01cation It was well known that CRs streaming upstream in the shock precursor excite resonant Alfv\u00b4 en waves with a wavelength (\u03bb) comparable with the CR gyroradius (rg), and turbulent magnetic \ufb01elds can be ampli\ufb01ed into the nonlinear regime (i.e., \u03b4B \u226bB0) (Bell 1978; Lucek & Bell 2000). Later, it was discovered that the nonresonant (\u03bb \u226arg), fast-growing instability driven by the CR current (jcr = encrus) can amplify the magnetic \ufb01eld by orders of magnitude, up to the level consistent with the thin X-ray rims at SNRs (Bell 2004). Several plasma simulations have shown that both B\u2225/B0 and B\u22a5/B0 can increase by a factor of up to \u223c10 \u221245 via the Bell\u2019s CR current-driven instability (Riquelme & Spitkovsky 2009, 2010; Ohira et al. 2009). Moreover, it was suggested that long-wavelength magnetic \ufb02uctuations can grow as well in the presence of short-scale, circularly-polarized Alfv\u00b4 en waves excited by the Bell-type instability (Bykov et al. 2011). Recently, Rogachevskii et al. (2012) have also shown that large-scale magnetic \ufb02uctuations can grow along the original \ufb01eld by the \u03b1 e\ufb00ect driven by the nonresonant instability and both the parallel and perpendicular components can be further ampli\ufb01ed. There are several other instabilities that may amplify the turbulent magnetic \ufb01eld on scales greater than the CR gyroradius such as the \ufb01rehose, \ufb01lamentation, and acoustic instabilities (e.g. Beresnyak et al. 2009; Drury & Downes 2012; Schure et al. 2012). Although Bell\u2019s (2004) original study assumed parallel background magnetic \ufb01eld, it turns out that the non-resonant instability operates for all shocks, regardless of the inclination angle between the shock normal and the mean background magnetic \ufb01eld (Schure et al. 2012), and so the isoptropization of the ampli\ufb01ed magnetic \ufb01eld can be a reasonable approximation (Riquelme & Spitkovsky 2009; Rogachevskii et al. 2012). Here, we adopt the prescription for MFA due to CR streaming instabilities that was suggested by Caprioli (2012), based on the assumption of isotropization of the ampli\ufb01ed \f\u2013 7 \u2013 magnetic \ufb01eld and the e\ufb00ective Alfv\u00b4 en speed in the local, ampli\ufb01ed \ufb01eld: \u03b4B2/(8\u03c0\u03c10u2 s) = (2/25)(1 \u2212U5/4)2U\u22121.5, where \u03b4B = B \u2212B0 and U = (us \u2212u)/us is the \ufb02ow speed in the shock rest frame normalized by the shock speed us. In the test-particle regime where the \ufb02ow structure is not modi\ufb01ed, the upstream magnetic \ufb01eld is not ampli\ufb01ed in this model (i.e., U(x) = 1). In the shock precursor (x > xs, where xs is the shock position), the MFA factor becomes \u03b4B(x)2 B2 0 = 4 25M2 A,0 (1 \u2212U(x)5/4)2 U(x)3/2 , (5) where MA,0 = us/vA,0 is the Alfv\u00b4 enic Mach number for the far upstream Alfv\u00b4 en speed, and vA,0 = B0/\u221a4\u03c0\u03c10. This model predicts that MFA increases with MA,0 and the precursor strength (i.e., degree of shock modi\ufb01cation by CRs) (Vladimirov et al. 2008). In the case of a \u201cmoderately modi\ufb01ed\u201d shock, in which the immediate preshock speed is U1 \u22480.8, for example, the ampli\ufb01ed magnetic pressure increases to \u03b4B2 1/8\u03c0 \u22486.6 \u00d7 10\u22123\u03c10u2 s and the ampli\ufb01cation factor scales as \u03b4B1/B0 \u22480.12MA,0. We will show in the next section that the shock structure is modi\ufb01ed only moderately owing to the Alfv\u00b4 enic drift, so the magnetic \ufb01eld pressure is less than a few % of the shock ram pressure even at strong shocks (Ms \u227310). For the highest Mach number model considered here, Ms = 100, the preshock ampli\ufb01cation factor becomes \u03b4B1/B0 \u2248100, which is somewhat larger than what was found in the plasma simulations for the Bell-type current-driven instability (Riquelme & Spitkovsky 2009, 2010). Considering possible MFA beyond the Bell-type instability by other large-scale instabilities (e.g. Bykov et al. 2011; Rogachevskii et al. 2012; Schure et al. 2012), this level of MFA may not be out of reach. Note that this recipe is intended to be a heuristic model that may represent qualitatively the MFA process in the shock precursor. Assuming that the two perpendicular components of preshock magnetic \ufb01elds are completely isotropized and simply compressed across the subshock, the immediate postshock \ufb01eld strength can be estimated by B2/B1 = p 1/3 + 2/3(\u03c12/\u03c11)2. (6) We note that the MFA model described in equations (5)-(6) is also used for the di\ufb00usion coe\ufb03cient model given by equation (4). 2.4. Alfv\u00b4 enic Drift Resonant Alfv\u00b4 en waves excited by the cosmic ray streaming are pushed by the CR pressure gradient (\u2202Pc/\u2202x) and propagate against the underlying \ufb02ow in the shock precursor (e.g. Skilling 1975; Bell 1978). The mean drift speed of scattering centers is commonly \f\u2013 8 \u2013 approximated as the Alfv\u00b4 en speed, i.e., uw,1(x) \u2248+vA \u2248B(x)/ p 4\u03c0\u03c1(x), pointing upstream away from the shock, where B(x) is the local, ampli\ufb01ed magnetic \ufb01eld strength estimated by equation (5). For isotropic magnetic \ufb01elds, the parallel component would be roughly B\u2225\u2248 B(x)/ \u221a 3. But we simply use B(x) for the e\ufb00ective Alfv\u00b4 en speed, since the uncertainty in this model is probably greater than the factor of \u221a 3 (see Section 3 for a further comment on this factor). In the postshock region the Alfv\u00b4 enic turbulence is probably relatively balanced, so the wave drift can be ignored, that is, uw,2 \u22480 (Jones 1993). Since the Alfv\u00b4 enic drift reduces the velocity di\ufb00erence between upstream and downstream scattering centers, compared to that of the bulk \ufb02ow, the resulting CR spectrum becomes softer than estimated without considering the wave drift. Here, we do not consider loss of turbulent magnetic energy and gas heating due to wave dissipation in order to avoid introducing additional free parameters to the problem. 2.5. Set-up for DSA Simulations Previous studies have shown that the DSA e\ufb03ciency depends primarily on the shock sonic Mach number (Kang et al. 2007). So we considered shocks with a wide range of the sonic Mach number, Ms = 1.5 \u2212100, propagating into the intergalactic medium (IGM) of di\ufb00erent temperature phases, T0 = 104 \u22125 \u00d7 107 K (Kang et al. 2005). Then, the shock speed is given by us = (150 km s\u22121)Ms(T0/106K)1/2. We specify the background magnetic \ufb01eld strength by setting the so-called plasma beta, \u03b2P = Pg/PB, the ratio of the gas pressure to the magnetic pressure. So the upstream magnetic \ufb01eld strength is given as B2 0 = 8\u03c0Pg/\u03b2P, where \u03b2P \u223c100 is taken as a canonical value in ICMs (see, e.g., Ryu et al. 2008). Then, the ratio of the background Alfv\u00b4 en speed to the sound speed, vA,0/cs = p 2/(\u03b2P\u03b3g) (where \u03b3g is the gas adiabatic index), which determines the signi\ufb01cance of Alfv\u00b4 enic drift, depends only on the parameter \u03b2P. Moreover, the upstream Alfv\u00b4 enic Mach number, MA,0 = us/vA,0 = Ms p \u03b2P\u03b3g/2, controls the magnetic \ufb01eld ampli\ufb01cation factor as given in equation (5). For \u03b2P = 100 and \u03b3g = 5/3, the background A\ufb02v\u00b4 en speed is about 10 % of the sound speed, i.e., vA,0 = 0.11cs (independent of Ms and T0), and MA,0 = 9.1Ms. For a higher value \u03b2P (i.e., weaker magnetic \ufb01elds), of course, the Alfv\u00b4 enic drift e\ufb00ect will be less signi\ufb01cant. With a \ufb01xed value of \u03b2P, the upstream magnetic \ufb01eld strength can be speci\ufb01ed by the upstream gas pressure, nH,0T0, as follow: B0 = 0.28 \u00b5G \u0012 nH,0T0 103 cm\u22123K \u00131/2 \u0012100 \u03b2P \u00131/2 . (7) \f\u2013 9 \u2013 We choose the hydrogen number density, nH,0 = 10\u22124 cm\u22123, as the \ufb01ducial value to obtain speci\ufb01c values of magnetic \ufb01eld strength shown in Figures 1 2 below. But this choice does not a\ufb00ects the time asymptotic results shown in Figures 3 4, since the CR modi\ufb01ed shock evolves in a self-similar manner and the time-asymptotic states depend primarily on Ms and MA,0, independent of the speci\ufb01c value of B0. Since the tension in the magnetic \ufb01eld lines hinders Bell\u2019s CR current-driven instability, MFA occurs if the background \ufb01eld strength satis\ufb01es the condition, B0 < Bs = (0.87 \u00b5G)(ncrus)1/2 (Zweibel & Everett 2010). For a typical shock speed of us \u223c103 km s\u22121 formed in the IGM with nH,0 \u223c10\u22126 \u221210\u22124 cm\u22123 with the CR injection fraction, \u03be \u223c 10\u22124 \u221210\u22123, the maximum magnetic \ufb01eld for the growth of nonresonant waves is roughly Bs \u223c0.1 \u22121 \u00b5G. The magnetic \ufb01eld strength estimated by equation (7) is B0 \u22480.28 \u00b5G for nH,0 = 10\u22124 cm\u22123 and T0 = 107 K (ICMs) and B0 \u224810\u22123 \u00b5G for nH,0 = 10\u22126 cm\u22123 and T0 = 104 K (voids). Considering the uncertainties in the model and the parameters, it seems reasonable to assume that MFA via CR streaming instabilities can be e\ufb00ective at cosmological shocks in the LSS (Zweibel & Everett 2010). In the simulations, the di\ufb00usion coe\ufb03cient, \u03ba\u2217in equation (4), can be normalized with a speci\ufb01c value of \u03bao. Then, the related length and time scales are given as lo = \u03bao/us and to = \u03bao/u2 s, respectively. Since the \ufb02ow structure and the CR pressure approach the timeasymptotic self-similar states, a speci\ufb01c physical value of \u03bao matters only in the determination of pmax/mpc \u22480.1u2 st/\u03ba\u2217at a given simulation time. For example, with \u03bao = 106\u03ba\u2217, the highest momentum reached at time t becomes pmax/mpc \u2248105(t/to). It was suggested that non-linear wave damping and dissipation due to ion-neutral collisions may weaken stochastic scatterings, leading to slower acceleration and escape of highest energy particles from the shock (Ptuskin & Zirakashvili 2005). Since these processes are not well understood in a quantitative way, we do not include wave dissipation in the simulations. Instead we implement a free escape boundary (FEB) at an upstream location by setting f(xFEB, p) = 0 at xFEB = 0.5 lo, which may emulate the escape of the highest energy particles with the di\ufb00usion length, \u03ba(p)/us \u2273xFEB. Under this FEB condition, the CR spectrum and the shock structure including the precursor approach the time-asymptotic states in the time scale of t/to \u223c1 (Kang 2012). As noted in the introduction, CR protons can be accelerated by merger and accretion shocks, injected into the intergalactic space by star forming galaxies and active galaxies, and accelerated by turbulence. Because of long life time and slow di\ufb00usion, CR protons should be accumulated in the LSS over cosmological times. So it seems natural to assume that ICMs contains pre-existing populations of CR protons. But their nature is not well constrained, except that the pressure of CR protons is less than a few % of the gas thermal \f\u2013 10 \u2013 pressure (Arlen et al. 2012; Brunetti et al. 2012). For a model spectrum of pre-existing CR protons, we adopt a simple power-law form, f0(p) = fpre\u00b7(p/pinj)\u2212s for p \u2265pinj, with the slope s = 4.5, which corresponds to the slope of the test-particle power-law momentum spectrum accelerated at M = 3 shocks. We note that the slope of the CR proton spectrum inferred from the radio spectral index (i.e., \u03b1R \u2248(s \u22122)/2) of cluster halos ranges 4.5 \u2272s \u22725 (e.g., Jeltema & Profumo 2011). The amplitude, fpre, is set by the ratio of the upstream CR to gas pressure, R \u2261Pc,0/Pg,0, where R = 0.05 is chosen as a canonical value. Table 1 lists the considered models: the weak shock models with T0 \u2265107 K, the strong shock models with T0 = 105 \u2212106 K, and the strongest shock models with T0 = 104 K represent shocks formed in hot ICMs, in the warm-hot intergalactic medium (WHIM) of \ufb01laments, and in voids, respectively. Simulations start with purely gasdynamic shocks initially at rest at xs = 0. 3. DSA SIMULATION RESULTS Figures 1 2 show the spatial pro\ufb01les of magnetic \ufb01eld strength, B(x), and CR pressure, Pc(x), and the distribution function of CRs at the shock location, gs(p), at t/to = 0.5, 1, 2 for models without or with pre-existing CRs: from top to bottom panels, Ms = 3 and T0 = 5 \u00d7 107K, Ms = 5 and T0 = 107K, Ms = 10 and T0 = 106K, and Ms = 100 and T0 = 104K. Note that the models with Ms = 3 \u22125 represent shocks formed in hot ICMs, while those with Ms = 10 and 100 reside in \ufb01laments and voids, respectively. The background magnetic \ufb01eld strength corresponds to B0 = 0.63, 0.28, 0.089, and 8.9\u00d7 10\u22123 \u00b5G for the models with Ms = 3, 5, 10, and 100, respectively, for the \ufb01ducial value of nH,0 = 10\u22124 cm\u22123 (see equation (7)). With our MFA model the postshock \ufb01eld can increase to B2 \u22482\u22123 \u00b5G for all these models, which is similar to the \ufb01eld strengths observed in radio halos and radio relics. The postshock CR pressure increases with the sonic Mach number, but saturates at Pc,2/(\u03c10u2 s) \u22480.2 for Ms \u227310. One can see that the precursor pro\ufb01le and gs(p) have reached the time-asymptotic states for t/to \u22731 for the Ms = 100 model, while the lower Mach number models are still approaching to steady state at t/to = 2. This is because in the Ms = 100 model, by the time t/to \u22481 the CR spectrum has extended to pmax that satis\ufb01es the FEB condition. For strong shocks of Ms = 10 \u2212100, the power-law index, q \u2261\u2212\u2202ln f/\u2202ln p, is about 4.3 4.4 at p \u223cmpc instead of q = 4, because the Alfv\u00b4 enic drift steepens the CR spectrum. For the models with pre-existing CRs in Figure 2, the pre-existing population is important only for weak shocks with Ms \u22725, because the injected population dominates in \f\u2013 11 \u2013 shocks with higher sonic Mach numbers. As mentioned in the Introduction, the signatures of shocks observed in ICMs through X-ray and radio observations can be interpreted by low Mach number shocks (Markevitch & Vikhlinin 2007; Feretti et al. 2012). In particular, the presence of pre-existing CRs is expect to be crucial in explaining the observations of radio relics (Kang et al. 2012). Figure 3 shows time-asymptotic values of downstream gas pressure, Pg,2, and CR pressure, Pc,2, in units of \u03c10u2 s, density compression ratios, \u03c31 = \u03c11/\u03c10 and \u03c32 = \u03c12/\u03c10, the ratios of ampli\ufb01ed magnetic \ufb01eld strengths to background strength, B2/B0 and B1/B0, and postshock CR number fraction, \u03be = ncr,2/n2, as a function of Ms for all the models listed in Table 1. We note that for the models without pre-existing CRs (left column) two di\ufb00erent values of T0 (and so us) are considered for each of Ms = 3, 4, 5, 10, 30, and 50 models, in order to explore the dependence on T0 for a given sonic Mach number. The \ufb01gure demonstrates that the DSA e\ufb03ciency and the MFA factor are determined primarily by Ms and MA,0, respectively, almost independent of T0. For instance, the two Mach 10 models with T0 = 105K (open triangle) and 106K (\ufb01lled triangle) show the similar results as shown in the left column of Figure 3. But note that the curves for Pcr,2 and \u03be increase somewhat unevenly near Ms \u22484 \u22127 for the models with pre-existing CRs in the right column, because of the change in T0 (see Table 1). At weak shocks with Ms \u22723, the injection fraction is \u03be \u227210\u22124 and the CR pressure is Pc,2/\u03c10u2 s \u22725 \u00d7 10\u22123 without pre-existing CRs, while both values depend on Pc,1 in the presence of pre-existing CRs. Since the magnetic \ufb01eld is not ampli\ufb01ed in the test-particle regime, these results remain similar to what we reported earlier in Kang & Ryu (2011). For a larger value of \u01ebB, the injection fraction and the CR acceleration e\ufb03ciency would increase. As shown in Kang & Jones (2007), however, \u03be and Pcr,2/\u03c10u2 s depend sensitively on the injection parameter \u01ebB for Ms \u22725, while such dependence becomes weak for Ms \u227310. Furthermore, there are large uncertainties in the thermal leakage injection model especially at weak shocks. Thus it is not possible nor meaningful to discuss the quantitative dependence of these results on \u01ebB, until we obtain more realistic pictures of the wave-particle interactions through PIC or hybrid plasma simulations of weak collisionless shocks. In the limit of large Ms, the postshock CR pressure saturates at Pc,2 \u22480.2\u03c10u2 s, the postshock density compression ratio at \u03c32 \u22485, and the postshock CR number fraction at \u03be \u22482 \u00d7 10\u22123. The MFA factors are B1/B0 \u223c0.12MA,0 \u223cMs and B2/B0 \u223c3Ms for Ms \u22735, as expected from equation (5). In Kang et al. (2007) we found that Pc,2 \u22480.55\u03c10u2 s in the limit of large Ms, when the magnetic \ufb01eld strength was assumed to be uniform in space and constant in time. Here we argue that MFA and Alfv\u00b4 enic drift in the ampli\ufb01ed magnetic \ufb01eld steepen the CR spectrum and reduce the DSA e\ufb03ciency drastically. \f\u2013 12 \u2013 Again, the presence of pre-existing CRs (right column) enhances the injection fraction and acceleration e\ufb03ciency at weak shocks of Ms \u22725, while it does not a\ufb00ect the results at stronger shocks. Since the upstream CR pressure is Pc,0 = 0.05Pg,0 = (0.03/Ms)\u03c10u2 s in these models, the enhancement factor, Pc,2/Pc,0 \u22481.5 \u22126 for Ms \u22643. So the DSA acceleration e\ufb03ciency exceeds only slightly the adiabatic compression factor, \u03c3\u03b3c 2 , where \u03b3c \u22484/3 is the adiabatic index of the CR population. As in Kang et al. (2007), the gas thermalization and CR acceleration e\ufb03ciencies are de\ufb01ned as the ratios of the gas thermal and CR energy \ufb02uxes to the shock kinetic energy \ufb02ux: \u03b4(Ms) \u2261[eg,2 \u2212eg,0(\u03c12/\u03c10)\u03b3g]u2 (1/2)\u03c10u3 s , \u03b7(Ms) \u2261[ec,2 \u2212ec,0(\u03c12/\u03c10)\u03b3c]u2 (1/2)\u03c10u3 s , (8) where eg and ec are the gas thermal and CR energy densities. The second terms inside the brackets subtract the e\ufb00ect of adiabatic compression occurred at the shock. Alternatively, the energy dissipation e\ufb03ciencies not excluding the e\ufb00ect of adiabatic compression across the shock can be de\ufb01ned as: \u03b4 \u2032(Ms) \u2261[eg,2u2 \u2212eg,0u0] (1/2)\u03c10u3 s , \u03b7 \u2032(Ms) \u2261[ec,2u2 \u2212ec,0u0] (1/2)\u03c10u3 s , (9) which may provide more direct measures of the energy generation at the shock. Note that \u03b7 = \u03b7 \u2032 for the models with Pc,0 = 0. Figure 4 shows these dissipation e\ufb03ciencies for all the models listed in Table 1. Again, the CR acceleration e\ufb03ciency saturates at \u03b7 \u22480.2 for Ms \u227310, which is much lower than what we reported in the previous studies without MFA (Ryu et al. 2003; Kang et al. 2007). The CR acceleration e\ufb03ciency is \u03b7 < 0.01 for weak shocks (Ms \u22723) if there is no pre-existing CRs. But the e\ufb03ciency \u03b7 \u2032 can be as high as 0.1 even for these weak shocks, depending on the amount of pre-existing CRs. The e\ufb03ciency \u03b7 for weak shocks is not a\ufb00ected by the new models of MFA and Alfv\u00b4 enic drift, since the magnetic \ufb01eld is not ampli\ufb01ed in the test-particle regime. If we choose a smaller value of \u03b2P, the ratio vA,0/cs is larger, leading to less e\ufb03cient acceleration due to the stronger Afv\u00b4 enic drift e\ufb00ects. For example, for \u03b2P \u223c1 (i.e., equipartition \ufb01elds), which is relevant for the interstellar medium in galaxies, the CR acceleration e\ufb03ciency in the strong shock limit reduces to \u03b7 \u22480.12 (Kang 2012). On the other hand, if we were to choose a smaller wave drift speed, the CR e\ufb03ciency \u03b7 will increase slightly. For example, if we choose uw \u22480.3vA instead of uw \u2248vA, the value of \u03b7 in the high Mach number limit would increase to \u223c0.25 for the models considered here. On the other hand, if we choose a smaller injection parameter, for example, \u01ebB = 0.23, the injection fraction reduces from \u03be = 2.1\u00d710\u22124 to 6.2\u00d710\u22125 and the postshock CR pressure \f\u2013 13 \u2013 decreases from Pc,2/\u03c10u2 s = 0.076 to 0.043 for the Ms = 5 model, while \u03be = 2.2 \u00d7 10\u22123 to 3.3 \u00d7 10\u22124 and Pc,2/\u03c10u2 s = 0.18 to 0.14 for the Ms = 50 model. Considering that the CR injection fraction obtained in these simulations (\u03be > 10\u22124) is in the saturation limit of DSA, the CR acceleration e\ufb03ciency, \u03b7, for M \u227310 in Figure 4 should be regarded as an upper limit. 4. SUMMARY We revisited the nonlinear DSA of CR protons at cosmological shocks in the LSS, incorporating some phenomenological models for MFA due to CR streaming instabilities and Alfv\u00b4 enic drift in the shock precursor. Our DSA simulation code, CRASH, adopts the Bohm-like di\ufb00usion and thermal leakage injection of suprathermal particles into the CR population. A wide range of preshock temperature, 104 \u2264T0 \u22645 \u00d7 107K, is considered to represent shocks that form in clusters of galaxies, \ufb01laments, and voids. We found that the DSA e\ufb03ciency is determined mainly by the sonic Mach number Ms, but almost independent of T0. We assumed the background intergalactic magnetic \ufb01eld strength, B0, that corresponds to the plasma beta \u03b2P = 100. This is translated to the ratio of the Alfv\u00b4 en speed in the background magnetic \ufb01eld to the preshock sound speed, vA,0/cs = p 6/5\u03b2P \u22480.11. Then the Alfv\u00b4 enic Mach number MA,0 = p 5\u03b2P/6 Ms determines the extent of MFA (i.e., B1/B0), which in turn controls the signi\ufb01cance of Alfv\u00b4 enic drift in DSA. Although the preshock density is set to be nH,0 = 10\u22124 cm\u22123 just to give a characteristic scale to the magnetic \ufb01eld strength in the IGM, our results for the CR proton acceleration, such as the dissipation e\ufb03ciencies, do not depend on a speci\ufb01c choice of nH,0. If one is interested in CR electrons, which are a\ufb00ected by synchrotron and inverse Compton cooling, the electron energy spectrum should depend on the \ufb01eld strength B0 and so on the value of nH,0T0 (see equation (7)). The main results of this study can be summarized as follows: 1) With our phenomenological models for DSA, the injected fraction of CR particles is \u03be \u224810\u22124 \u221210\u22123 and the postshock CR pressure becomes 10\u22123 \u2272Pc,2/(\u03c10u2 s) \u22720.2 for 3 \u2264 Ms \u2264100, if there are no pre-existing CRs. A population of pre-existing CRs provides seed particles to the Fermi process, so the injection fraction and acceleration e\ufb03ciency increase with the amount of pre-existing CRs at weak shocks. But the presence of pre-existing CRs does not a\ufb00ect \u03be nor Pc,2 for strong shocks with Ms \u227310, in which the freshly injected particles dominate over the re-accelerated ones. 2) The nonlinear stage of MFA via plasma instabilities at collisioness shocks is not fully \f\u2013 14 \u2013 understood yet. So we adopted a model for MFA via CR streaming instabilities suggested by Caprioli (2012). We argue that the CR current, jcr \u223ce\u03be\u03c32nH,0us, is high enough to overcome the magnetic \ufb01eld tension, so the Bell-type instability can amplify turbulent magnetic \ufb01elds at cosmological shocks considered here (Zweibel & Everett 2010). For shocks with M \u22735, DSA is e\ufb03cient enough to develop a signi\ufb01cant shock precursor due to the CR feedback, and the ampli\ufb01ed magnetic \ufb01eld strength in the upstream region scales as B1/B0 \u22480.12MA,0 \u2248(\u03b2P/100)1/2Ms. This MFA model predicts that the postshock magnetic \ufb01eld strength becomes B2 \u22482 \u22123 \u00b5G for the shock models considered here (see Table 1). 3) This study demonstrates that if scattering centers drift with the e\ufb00ective Alfv\u00b4 en speed in the local, ampli\ufb01ed magnetic \ufb01eld, the CR energy spectrum can be steepened and the acceleration e\ufb03ciency is reduced signi\ufb01cantly, compared to the cases without MFA. As a result, the CR acceleration e\ufb03ciency saturates at \u03b7 = 2ec,r/\u03c10u3 s \u22480.2 for Ms \u227310, which is signi\ufb01cantly lower than what we reported in our previous study, \u03b7 \u22480.55 (Kang et al. 2007). We note that the value \u03b7 at the strong shock limit can vary by \u223c10 %, depending on the model parameters such as the injection parameter, plasma beta and wave drift speed. Inclusion of wave dissipation (not considered here) will also a\ufb00ect the extent of MFA and the acceleration e\ufb03ciency. This tells us that detailed understandings of plasma physical processes are crucial to the study of DSA at astrophysical collisionless shocks. 4) At weak shocks in the test-particle regime (Ms \u22723), the CR pressure is not dynamically important enough to generate signi\ufb01cant MHD waves, so the magnetic \ufb01eld is not ampli\ufb01ed and the Alfv\u00b4 enic drift e\ufb00ects are irrelevant. 5) Finally, we note that the CR injection and the CR streaming instabilities are found to be less e\ufb03cient at quasi-perpendicular shocks (e.g. Garat\u00b4 e & Spitkovsky 2012). It is recognized, however, streaming of CRs is facilitated through locally parallel inclination of turbulent magnetic \ufb01elds at the shock surface, so the CR injection can be e\ufb00ective even at quasi-perpendicular shocks in the presence of pre-existing large-scale MHD turbulence (Giacalone 2005; Zank et al. 2006). At oblique shocks the acceleration rate is faster and the di\ufb00usion coe\ufb03cient is smaller due to drift motion of particles along the shock surface (Jokipii 1987). In fact, the di\ufb00usion convection equation (1) should be valid for quasi-perpendicular shocks as long as there exists strong MHD turbulence su\ufb03cient enough to keep the pitch angle distribution of particles isotropic. In that case, the time-asymptotic states of the CR shocks should remain the same even for much smaller \u03ba(x, p), as mentioned in Section 2.5. In addition, the perpendicular current-driven instability is found to be e\ufb00ective at quasiperpendicular shocks (Riquelme & Spitkovsky 2010; Schure et al. 2012). Thus we expect that the overall conclusions drawn from this study should be applicable to all non-relativistic \f\u2013 15 \u2013 shocks, regardless of the magnetic \ufb01eld inclination angle, although our quantitative estimates for the CR injection and acceleration e\ufb03ciencies may not be generalized to oblique shocks with certainty. HK was supported by Basic Science Research Program through the National Research Foundation of Korea (NRF) funded by the Ministry of Education, Science and Technology (2012-001065). DR was supported by the National Research Foundation of Korea through grant 2007-0093860. The authors would like to thank D. Capriloi, T. W. Jones, F. Vazza and the anonymous referee for the constructive suggestions and comments to the paper. HK also would like to thank Vahe Petrosian and KIPAC for their hospitality during the sabbatical leave at Stanford university where a part of the paper was written."
+ },
+ {
+ "url": "http://arxiv.org/abs/1209.5203v1",
+ "title": "Diffusive shock acceleration with magnetic field amplification and Alfvenic drift",
+ "abstract": "We explore how wave-particle interactions affect diffusive shock acceleration\n(DSA) at astrophysical shocks by performing time-dependent kinetic simulations,\nin which phenomenological models for magnetic field amplification (MFA),\nAlfvenic drift, thermal leakage injection, Bohm-like diffusion, and a free\nescape boundary are implemented. If the injection fraction of cosmic-ray (CR)\nparticles is greater than 2x10^{-4}, for the shock parameters relevant for\nyoung supernova remnants, DSA is efficient enough to develop a significant\nshock precursor due to CR feedback, and magnetic field can be amplified up to a\nfactor of 20 via CR streaming instability in the upstream region. If scattering\ncenters drift with Alfven speed in the amplified magnetic field, the CR energy\nspectrum can be steepened significantly and the acceleration efficiency is\nreduced. Nonlinear DSA with self-consistent MFA and Alfvenic drift predicts\nthat the postshock CR pressure saturates roughly at 10 % of the shock ram\npressure for strong shocks with a sonic Mach number ranging 20< M_s< 100. Since\nthe amplified magnetic field follows the flow modification in the precursor,\nthe low energy end of the particle spectrum is softened much more than the high\nenergy end. As a result, the concave curvature in the energy spectra does not\ndisappear entirely even with the help of Alfvenic drift. For shocks with a\nmoderate Alfven Mach number (M_A<10), the accelerated CR spectrum can become as\nsteep as E^{-2.1}-E^{-2.3}, which is more consistent with the observed CR\nspectrum and gamma-ray photon spectrum of several young supernova remnants.",
+ "authors": "Hyesung Kang",
+ "published": "2012-09-24",
+ "updated": "2012-09-24",
+ "primary_cat": "astro-ph.HE",
+ "cats": [
+ "astro-ph.HE"
+ ],
+ "main_content": "INTRODUCTION Di\ufb00usive shock acceleration (DSA) theory explains how nonthermal particles are produced through their interactions with MHD waves in the converging \ufb02ows across collisionless shocks in astrophysical plasmas (Bell 1978; Drury 1983; Blandford & Eichler 1987). Theoretical studies have shown that some suprathermal particles with velocities large enough to swim against the downstream \ufb02ow can return across the shock and stream upstream, and that streaming motions of high energy particles against the background \ufb02uid generate both resonant and nonresonant waves upstream of the shock (Bell 1978; Lucek & Bell 2000; Bell 2004; Riquelme & Spitkovsky 2009; Rogachevskii et al. 2012). Those waves in turn scatter CR particles and amplify turbulent magnetic \ufb01elds in the preshock region. These plasma physical processes, i.e., injection of suprathermal particles into the CR population, selfexcitation of MHD waves, and ampli\ufb01cation of magnetic \ufb01elds are all integral parts of DSA (e.g., Malkov & Drury 2001). Multi-band observations of nonthermal radio to \u03b3ray emissions from supernova remnant (SNR) shocks have con\ufb01rmed the acceleration of CR electrons and protons up to \u223c100 TeV (e.g., Abdo et al. 2010, 2011; Acero et al. 2010; Acciari et al. 2011; Giordano et al. 2012). Moreover, thin rims of several young SNRs in high-resolution X-ray observations indicate the presence of downstream magnetic \ufb01elds as strong as a few 100\u00b5G, implying e\ufb03cient magnetic \ufb01eld ampli\ufb01cation (MFA) at these shocks (e.g., Parizot et al. 2006; Eriksen et al. 2011; Reynolds et al. 2012). The most attractive feature of the DSA theory is the simple prediction of power-law energy spectra of CRs, N(E) \u221dE\u2212(\u03c3+2)/(\u03c3\u22121) (where \u03c3 is the shock compression ratio) in the test particle limit. For strong, adiabatic gas shocks with \u03c3 = 4, this gives a power-law index of 2, which is reasonably close to the observed \u2018universal\u2019 index of the CR spectra in many environments. However, nonlinear treatments of DSA predict that at strong shocks there are highly nonlinear back-reactions from CRs to the underlying \ufb02ow, creating a shock precursor (e.g., Berezhko & V\u00a8 olk 1997; Kang & Jones 2007). So the particles just above the injection momentum (pinj) sample mostly the compression across the subshock (\u03c3s), while those near the highest momentum (pmax) experience the greater, total compression across the entire shock structure (\u03c3t). This leads to the CR energy spectrum that behaves as N(E) \u221dE\u2212(\u03c3s+2)/(\u03c3s\u22121) for p \u223cpinj, but \ufb02attens gradually to N(E) \u221dE\u2212(\u03c3t+2)/(\u03c3t\u22121) toward p \u223cpmax (Kang et al. 2009). For example, the power-law index \u2013 111 \u2013 \f112 H. KANG becomes 1.5 for \u03c3t = 7. In contrast to such expectations, however, the GeVTeV \u03b3-ray spectra of several young SNRs seem to require the proton spectrum as steep as N(E) \u221dE\u22122.3, if the observed \u03b3-ray photons indeed originate from \u03c00 decay (Abdo et al. 2010; Giordano et al. 2012). This is even softer than the test-particle power-law for strong shocks. Moreover, Ave et al. (2009) showed that the spectrum of CR nuclei observed at Earth can be \ufb01tted by a single power law of J(E) \u221dE\u22122.67 below 1014 eV. Assuming an energy-dependent propagation path length (\u039b \u221dE\u22120.6), they suggested that a soft source spectrum, N(E) \u221dE\u2212\u03b1 with \u03b1 \u223c2.3 \u22122.4 is preferred by the observed data. These observational data appear to be inconsistent with \ufb02at CR spectra predicted by nonlinear DSA model for the SNR origin of Galactic CRs. It has been suggested that non-linear wave damping and wave dissipation due to ion-neutral collisions may weaken the stochastic scattering on relevant scales, leading to slower acceleration than predicted based on the the so-called Bohm-like di\ufb00usion, and escape of the highest energy particles from the shock (e.g. Ptuskin & Zirakashvili 2005; Caprioli et al. 2009). These processes may lead to the particle energy spectrum at the highest energy end that is much steeper than predicted by nonlinear DSA. Escape of high energy protons from SNRs is an important yet very complex problem that needs further investigation (Malkov et al. 2011; Drury 2011). Recently some serious e\ufb00orts have been underway to understand at least some of the complex plasma processes through Particle-in-Cell (PIC) and hybrid plasma simulations (e.g. Riquelme & Spitkovsky 2009; Guo et al. 2012; Garat\u00b4 e & Spitkovsky 2012). However, these types of plasma simulations are too much demanding and too expensive to study the full extent of the DSA problem. So we do not yet understand them in enough detail to make precise quantitative predictions for the injection and acceleration rate and e\ufb03ciency. Instead, most of kinetic approaches commonly adopt phenomenological models that can emulate more or less self-consistently some of those plasma interactions, for example, the thermal leakage injection, magnetic \ufb01eld ampli\ufb01cation, wave-damping and etc (e.g., Berezhko et al. 2009; Kang 2010; Ptuskin et al. 2010; Lee et al. 2012; Caprioli 2012). In our previous studies, we considered DSA of CR protons, assuming that magnetic \ufb01eld strength is uniform in space and constant in time without selfconsistent MFA (e.g. Kang & Jones 2007; Kang et al. 2009). In the present paper, we explore how the following processes a\ufb00ect the energy spectra of CR protons and electrons accelerated at plane astrophysical shocks: 1) magnetic \ufb01eld ampli\ufb01ed by CR streaming instability in the precursor 2) drift of scattering centers with Alfv\u00b4 en speed in the ampli\ufb01ed magnetic \ufb01eld, and 3) escape of highest energy particles from the shock. Toward this end we have performed timedependent numerical simulations, in which DSA of CR protons and electrons at strong planar shocks is followed along with electronic synchrotron and inverse Compton (IC) losses. Magnetic \ufb01eld ampli\ufb01cation due to resonant waves generated by CR streaming instability is included through an approximate, analytic model suggested by Caprioli (2012). Escape of highest energy particles near maximum momentum, pmax, is included by implementing a free escape boundary (FEB) at a upstream location. As in our previous works (e.g. Kang 2010, 2011), a thermal leakage injection model, a Bohm-like di\ufb00usion coe\ufb03cient (\u03ba(p) \u221dp), and a model for wave dissipation and heating of the gas are adopted as well. In the next section we describe the numerical method and phenomenological models for the plasma interactions in DSA theory, and the model parameters for planar shocks. The simulation results will be discussed in Section 3, followed by a brief summary in Section 4. 2. DSA MODEL 2.1 CRASH Code for DSA Here we consider the CR acceleration at quasiparallel shocks where the mean background magnetic \ufb01eld lines are parallel to the shock normal. So we solve the standard gasdynamic equations with CR proton pressure terms added in the conservative, Eulerian formulation for one dimensional plane-parallel geometry. The basic gasdynamic equations and details of the CRASH (Cosmic-Ray Amr SHock) code can be found in Kang et al. (2002) and Kang (2011). We solve the following di\ufb00usion-convection equations for the pitch-angle-averaged phase space distribution function for CR protons, gp = fpp4, and for CR electron, ge = fep4 (Skilling 1975): \u2202g \u2202t + (u + uw)\u2202g \u2202x = 1 3 \u2202 \u2202x(u + uw) \u0012\u2202g \u2202y \u22124g \u0013 + \u2202 \u2202x \u0014 \u03ba(x, y)\u2202g \u2202x \u0015 + p \u2202 \u2202y \u0012 b p2 g \u0013 , (1) where y = ln(p/mpc). Here the particle momentum is expressed in units of mpc and so the spatial di\ufb00usion coe\ufb03cient, \u03ba(x, p), has the same form for both protons and electrons. The velocity uw represents the e\ufb00ective relative motion of scattering centers with respect to the bulk \ufb02ow velocity, u, which will be described in detail in section 2.5. The cooling term b(p) = \u2212dp/dt takes account for electron synchrotron/IC losses, while it is set to be b(p) = 0 for protons. Here the synchrotron/IC cooling constant for electrons is de\ufb01ned as b(p) = 4e4 9m4 ec6 B2 ep2 (2) \fDIFFUSIVE SHOCK ACCELERATION 113 in cgs units, where e and me are electron charge and mass, respectively. Here B2 e = B2 + B2 r as the e\ufb00ective magnetic \ufb01eld strength for radiative losses including the energy density of the ambient radiation \ufb01eld. We set Br = 6.5 \u00b5G, including the cosmic background and mean Galactic radiation \ufb01elds (Edmon et al. 2011). The dynamical e\ufb00ects of the CR proton pressure are included in the DSA simulations, while the CR electrons are treated as test-particles. In order to include the dynamical e\ufb00ects of ampli\ufb01ed magnetic \ufb01eld, the magnetic pressure, PB = B2/8\u03c0, is added to the momentum conservation equation as follows: \u2202(\u03c1u) \u2202t + \u2202(\u03c1u2 + Pg + Pc + PB) \u2202x = 0. (3) However, our model magnetic \ufb01eld ampli\ufb01cation typically results in PB/\u03c10u2 s < 0.01 in the precursor, where \u03c10u2 s is the shock ram pressure (see Section 2.4). 2.2 Thermal Leakage Injection The injection rate with which suprathermal particles are injected into CRs at the subshock depends in general upon the shock Mach number, \ufb01eld obliquity angle, and strength of Alfv\u00b4 enic turbulence responsible for scattering. In thermal leakage injection models suprathermal particles well into the exponential tail of the postshock Maxwellian distribution leak upstream across a quasi-parallel shock (Malkov & Drury 2001; Kang et al. 2002). We adopt a simple injection scheme in which the particles above an e\ufb00ective injection momentum pinj cross the shock and get injected to the CR population: pinj \u22481.17mpu2 \u0012 1 + 1.07 \u01ebB \u0013 , (4) where the injection parameter, \u01ebB = B0/B\u22a5, is the ratio of the large-scale magnetic \ufb01eld along the shock normal, B0, to the amplitude of the postshock MHD wave turbulence, B\u22a5(Kang et al. 2002). With a larger value of \u01ebB (i.e., weaker turbulence), pinj is smaller, which results in a higher injection rate. We consider \u01ebB = 0.23 here. We de\ufb01ne the injection e\ufb03ciency as the fraction of particles that have entered the shock from far upstream and then injected into the CR distribution: \u03be(t) = R dx R \u221e pinj 4\u03c0fp(p, x, t)p2dp n0ust (5) where n0 is the particle number density far upstream and us is the shock speed. Since postshock thermal electrons need to be preaccelerated before they can be injected into Fermi process, it is expected that electrons are injected at the shock with a much smaller injection rate, i.e., the CR electron-to-proton ratio is estimated to be small, Ke/p \u223c10\u22124 \u221210\u22122 (Reynolds 2008; Morlino & Caprioli 2012). Since this ratio is not yet constrained accurately by plasma physics and we do not consider nonthermal emissions from CR particles in this paper, both protons and electrons are injected in the same manner in our simulations (i.e. basically Ke/p = 1). But Ke/p = 0.1 will be used just for clarity of some \ufb01gures below. 2.3 Bohm-like Di\ufb00usion Model It is assumed that CR particles are resonantly scattered by Alfv\u00b4 en waves, which are excited by CR streaming instability in the upstream region and then advected and compressed in the down stream region (Bell 1978; Lucek & Bell 2000). So in DSA modeling the Bohm di\ufb00usion model, \u03baB = (1/3)rgv, is commonly used to represent a saturated wave spectrum. We adopt a Bohm-like di\ufb00usion coe\ufb03cient that includes a \ufb02attened non-relativistic momentum dependence, \u03ba(x, p) = \u03ban B0 B(x) \u00b7 p mpc, (6) where \u03ban = mpc3/(3eB0) = (3.13 \u00d7 1022cm2s\u22121)B\u22121 0 , and B0 is the magnetic \ufb01eld strength far upstream expressed in units of microgauss. The local magnetic \ufb01eld strength, B(x), will be described in the next section. Hereafter we use the subscripts \u20180\u2019, \u20181\u2019, and \u20182\u2019 to denote conditions far upstream of the shock, immediately upstream and downstream of the subshock, respectively. 2.4 Magnetic Field Ampli\ufb01cation Since the resonant interactions amplify mainly the turbulent magnetic \ufb01eld perpendicular to the shock normal in the quasi-linear limit, it was commonly assumed that the parallel component is B\u2225\u2248B0, the unperturbed upstream \ufb01eld (Caprioli et al. 2009). In a strong MFA case, however, the wave-particle interaction and the CR transport are not yet understood fully. For example, plasma simulations by Riquelme & Spitkovsky (2009) showed that both B\u2225/B0 and B\u22a5/B0 can increase to \u223c10 \u221230 via Bell\u2019s CR current driven instability. Here we follow the prescription for MFA that was formulated by Caprioli (2012) based on the assumption of isotropization of ampli\ufb01ed magnetic \ufb01eld. In the upstream region (x > xs), B(x)2 B2 0 = 1 + (1 \u2212\u03c9H) \u00b7 4 25M 2 A,0 (1 \u2212U(x)5/4)2 U(x)3/2 , (7) where MA,0 = us/vA,0 is the Alfv\u00b4 en Mach number for the far upstream Alfv\u00b4 en speed, vA,0 = B0/\u221a4\u03c0\u03c10, and U(x) = [us \u2212u(x)]/us is the \ufb02ow speed in the shock rest frame normalized by the shock speed. The factor (1 \u2212\u03c9H) is introduced to take account of the loss of magnetic energy due to wave dissipation, which will be discussed in Section 2.5. Obviously, \u03c9H = 0 means no \f114 H. KANG dissipation, while \u03c9H = 1 means complete dissipation of waves (i.e., no MFA). Here \u03c9H = 0.1 will be considered as a \ufb01ducial case, since we are interested in the case where the e\ufb00ects of MFA and ensuing wave drift are the greatest. This MFA model predicts no ampli\ufb01cation in the test-particle regime, where the \ufb02ow structure is not modi\ufb01ed (i.e., U(x) = 1). In the case of \u201cmoderately modi\ufb01ed\u201d shocks, for example, if U1 \u22480.8 and \u03c9H = 0.1, the ampli\ufb01ed magnetic \ufb01eld strength scales as B1/B0 \u22480.11MA,0. So for MA,0 \u2248150, the preshock ampli\ufb01cation factor could become B1/B0 \u2248 17. On the other hand, the ratio of the magnetic pressure to the shock ram pressure becomes PB,1/\u03c10u2 s = (2/25)(1\u2212U 5/4 1 )2/U 3/2 1 \u22486.6\u00d710\u22123. So we expect that even the ampli\ufb01ed \ufb01eld is not dynamically important in the precursor. The magnetic \ufb01led strength immediately upstream of the subshock, B1, is estimated by Equation (7) and assumed to be completely turbulent. Moreover, assuming that the two perpendicular components are simply compressed across the subshock, the immediate postshock \ufb01eld strength can be estimated by B2/B1 = p 1/3 + 2/3(\u03c12/\u03c11)2. (8) So for the case with \u03c12/\u03c11 \u22484.2, B2/B1 \u22483.5. Then we assume in the downstream region the \ufb01eld strength scales with the gas density: B(x) = B2 \u00b7 [\u03c1(x)/\u03c12] . (9) We note the MFA model described in Equations (7)(9) is used also for the di\ufb00usion coe\ufb03cient model given in Equation (6). Hence the maximum momentum pmax is controlled by the degree of MFA as well. 2.5 Alfv\u00b4 enic Drift The resonant waves generated by CR streaming instability will drift with respect to the underlying \ufb02ow and also transfer energy to the gas through dissipation (e.g. Skilling 1975; Jones 1993). These two e\ufb00ects in\ufb02uence the accelerated particle spectrum and the DSA e\ufb03ciency as follows. The scattering by Alfv\u00b4 en waves tends to isotropize the CR distribution in the wave frame rather than in the gas frame (Bell 1978), which reduces the velocity di\ufb00erence between upstream and downstream scattering centers, compared to that of the bulk \ufb02ow. The resulting CR spectrum becomes softer than estimated without considering the wave drift. The mean drift speed of scattering centers is commonly set to be the Alfv\u00b4 en speed, i.e., uw,1(x) = +vA = +B\u2225/\u221a4\u03c0\u03c1, pointing away from the shock, where B\u2225is the local magnetic \ufb01eld strength parallel to the shock normal. As described in Equation (7) here we assume that both B\u2225and B\u22a5are ampli\ufb01ed and isotropized, so scattering centers drift with Alfv\u00b4 en speed in the local ampli\ufb01ed magnetic \ufb01eld. In order to take account of the uncertainty regarding this issue, we model the local A\ufb02v\u00b4 en speed as vA(x) = B0 + (B(x) \u2212B0)fA p 4\u03c0\u03c1(x) , (10) where the parameter fA is a free parameter (Zirakashvili & Ptuskin 2008; Lee et al. 2012). If scattering centers drift along the ampli\ufb01ed \ufb01eld (fA = 1), the Alfv\u00b4 enic drift will have the maximum e\ufb00ects. Here we will consider the models with fA = 0.5 \u22121.0 (see Table 1). In the postshock region the Alfv\u00b4 enic turbulence is probably relatively balanced, so the wave drift can be ignored, that is, uw,2 \u22480 (Jones 1993). On the other hand, if the scattering centers drift away from the shock in both upstream and downstream regions, the accelerated particle spectrum could be softened drastically (e.g. Zirakashvili & Ptuskin 2008). We will consider one model (H2d) in which uw,2 \u2248\u2212vA is adopted in the downstream of the shock (see Table 1). As mentioned in the Introduction, the CR spectrum develops a concave curvature when the preshock \ufb02ow is modi\ufb01ed by the CR pressure. If we include the Alfv\u00b4 enic drift only in the upstream \ufb02ow, the slope of the momentum distribution function, q = \u2212\u2202ln f/\u2202ln p, can be estimated as qs \u2248 3(u1 \u2212uw,1) (u1 \u2212uw,1) \u2212u2 \u2248 3\u03c3s(1 \u2212M \u22121 A,1) \u03c3s(1 \u2212M \u22121 A,1) \u22121 (11) for p \u223cpinj, and qt \u2248 3(u0 \u2212uw,0) (u0 \u2212uw,0) \u2212u2 \u2248 3\u03c3t(1 \u2212M \u22121 A,0) \u03c3t(1 \u2212M \u22121 A,0) \u22121 (12) for p \u223cpmax. Here MA,1 = u1/vA,1 is Alfv\u00b4 enic Mach number immediately upstream of the subshock. As can be seen in these equations, a signi\ufb01cant steepening will occur only if MA \u223c < 10 (Caprioli 2012). According to the MFA prescription given in Equation (7), the ampli\ufb01cation factor depends on the precursor modi\ufb01cation, that is, the ratio B(x)/B0 is unity far upstream and increases through the precursor toward the subshock. So the Afv\u00b4 enic drift speed is highest immediately upstream of the subshock, while it is the same as the unperturbed Alfv\u00b4 en speed, vA,0 at the far upstream region (MA,1 \u226aMA,0). Thus the Alfv\u00b4 enic drift is expected to steepen preferentially the lower energy end of the CR spectrum, since the lowest energy particles di\ufb00use mostly near the subshock. For the highest energy particles, which di\ufb00use over the distance of \u223c\u03ba(pp,max)/us, however, the Alf\u00b4 evnic drift does not steepenthe CR spectrum signi\ufb01cantly, if MA,0 \u226b1. 2.6 Wave Dissipation and Particle Escape As discussed in the Introduction, non-linear wave damping and dissipation due to ion-neutral collisions \fDIFFUSIVE SHOCK ACCELERATION 115 Table 1. Model Parametersa Modelb us nH (ISM) T0 Ms MA,0 fA c \u03c9H d uw,1 uw,2 km s\u22121 (cm\u22123) (K) W1a 3 \u00d7 103 1.0 4.0 \u00d7 104 100 164. 1.0 0.1 +vA 0 W1b 3 \u00d7 103 1.0 4.0 \u00d7 104 100 164. 1.0 0.1 0 0 H1a 3 \u00d7 103 1.0 106 20 164. 1.0 0.1 +vA 0 H1b 3 \u00d7 103 1.0 106 20 164. 1.0 0.1 0 0 H1c 3 \u00d7 103 1.0 106 20 164. 0.5 0.5 +vA 0 H2a 3 \u00d7 103 0.01 106 20 16.4 1.0 0.1 +vA 0 H2b 3 \u00d7 103 0.01 106 20 16.4 1.0 0.1 0 0 H2d 3 \u00d7 103 0.01 106 20 16.4 1.0 0.1 +vA \u2212vA H3a 103 0.01 106 6.67 5.46 1.0 0.1 +vA 0 H3b 103 0.01 106 6.67 5.46 1.0 0.1 0 0 H4a 4.5 \u00d7 103 0.01 106 30 24.6 1.0 0.1 +vA 0 H4b 4.5 \u00d7 103 0.01 106 30 24.6 1.0 0.1 0 0 a For all the models the background magnetic \ufb01eld is B0 = 5 \u00b5G and the injection parameter is \u01ebB = 0.23. b \u2018W\u2019 and \u2018H\u2019 stands for the warm and hot phase of the ISM, respectively. c See (9) for the Alfv\u00b4 en parameter. d See Equation (6) for the wave dissipation parameter. may weaken the stochastic scattering, leading to slower acceleration and escape of highest energy particles from the shock. These processes are not understood quantitatively well, so we adopt a simple model in which waves are dissipated locally as heat in the precursor. Then gas heating term in the upstream region is prescribed as W(x, t) = \u2212\u03c9H \u00b7 vA(x)\u2202Pc \u2202x , (13) where Pc is the CR pressure (Jones 1993). The parameter \u03c9H is introduced to control the degree of wave dissipation and a \ufb01ducial value of \u03c9H = 0.1 is assumed. As shown previously in SNR simulations (e.g. Berezhko & V\u00a8 olk 1997; Kang & Jones 2006), this precursor heating reduces the subshock Mach number thereby reducing the DSA e\ufb03ciency. For larger values of \u03c9H, the magnetic \ufb01eld ampli\ufb01cation is suppressed (see Equation (7)), which also reduces the maximum momentum of protons and so the DSA e\ufb03ciency. In addition, we implement a free escape boundary (FEB) at a upstream location by setting f(xFEB, p) = 0 at xFEB = 0.1Rs = 0.3pc (here the shock is located at xs = 0). This FEB condition can mimic the escape of the highest energy particles with the di\ufb00usion length, \u03ba(p)/us \u223c > xFEB. For typical supernova remnant shocks, this FEB leads to the size-limited maximum momentum, pp,max mpc \u22484.4\u00d7104( B0 5\u00b5G)( us 3000 km s\u22121 )( xFEB 0.3pc). (14) As can be seen in Section 3, the CR proton spectrum and the shock structure approach to time-asymptotic states, if this FEB is employed (Kang et al. 2009). On the other hand, the maximum electron momentum can be estimated by pe,max mpc \u22482.8 \u00d7 104 \u0012 B1 30 \u00b5G \u0013\u22121/2 \u0010 us 3000 km s\u22121 \u0011 , (15) which is derived from the equilibrium condition that the DSA momentum gains per cycle are equal to the synchrotron/IC losses per cycle (Kang 2011). The electron spectrum at the shock position, fe(xs, p), cuts o\ufb00 exponentially at \u223cpe,max. On the other hand, the postshock electron spectrum cuts o\ufb00at a progressively lower momentum downstream from the shock due to the energy losses. That results in the steepening of the volume integrated electron energy spectrum, Fe(p) = R fe(x, p)dx, by one power of the momentum (Kang et al. 2012). At the shock age t, the break momentum can be estimated from the condition t = p/b(p): pe,br(t) mpc \u22481.3 \u00d7 103 \u0012 t 103 yr \u0013\u22121 \u0012 Be,2 100 \u00b5G \u0013\u22122 , (16) which depends only on the postshock magnetic \ufb01eld strength and the shock age (Kang 2011). 2.7 Planar Shock Parameters We consider planar shocks with us = 1000 \u2212 4500 km s\u22121, propagating into a uniform ISM magnetized with B0 = 5 \u00b5G. The model parameters are summarized in Table 1. Previous studies have shown that the shock sonic Mach number is one of the key parameter governing the evolution and the DSA e\ufb03ciency \f116 H. KANG Fig. 1.\u2014 Time evolution of the magnetic \ufb01eld strength, CR pressure, gas density, and volume integrated distribution functions of protons (Gp) and electrons (Ge) for H1a (solid lines) and H1b (dotted lines) models at t/tn = 0.1, 2.5 and 5. See Table 1 for other model parameters and normalization constants. In the bottom right panel the upper curves are for the proton spectra, while the lower curves are for the electron spectra. Note that both Gp/t and Ge/t are given in arbitrary units and Ke/p = 0.1 is adopted here for clarity. (e.g. Kang & Jones 2007; Kang et al. 2009), so here two phases of the ISM are considered: the warm phase with T0 = 4 \u00d7 104K (W models), and the hot phase with T0 = 106K (H model). The sonic Mach number of each model is given as Ms = 20(T0/106K)\u22121/2u3000, where u3000 = us/3000 km s\u22121. Two values of the gas density nH = 0.01 cm\u22123 and 1 cm\u22123 are considered. The upstream Alfv\u00b4 en speed is then vA,0 = B0/\u221a4\u03c0\u03c10 = (18.3 km s\u22121)n\u22121/2 H , so the Alfv\u00b4 enic Mach number is MA,0 = us/vA,0 = 164\u221anHu3000. We consider W1a, H1a, H2a, H3a and H4a models as \ufb01ducial cases with canonical values of model parameters: fA = 1.0 and \u03c9H = 0.1. In models H1b, H2b, H3b and H4b, Alfv\u00b4 enic drift is turned o\ufb00(uw,1 = 0) for comparison. But we note that these models are not self-consistent with our MFA model, which assumes that Alf\u00b4 ven waves propagate along the ampli\ufb01ed magnetic \ufb01eld. In H1c model, MFA is reduced by setting fA = 0.5 and \u03c9H = 0.5 . Model H2d is chosen to see the e\ufb00ects of Alfv\u00b4 enic drift in the postshock region. The physical quantities are normalized in the numerical code and in the plots below by the following characteristic values: un = us, xn = Rs = 3 pc, tn = xn/un = (978 yr)u3000, \u03ban = unxn, \u03c1n = (2.34 \u00d7 10\u221224g cm\u22123) \u00b7 nH, and Pn = \u03c1nu2 n = (2.11 \u00d7 10\u22127erg cm\u22123) \u00b7 nHu2 3000. 3. DSA SIMULATION RESULTS Figures 1-3 show the spatial pro\ufb01les of the model magnetic \ufb01eld, CR pressure, gas density, and the volume integrated distribution functions of protons (Gp = R gp(x, p)dx) and electrons (Ge = R ge(x, p)dx) for H1a and H1b (MA,0 = 164), H2a and H2b (MA,0 = 16.4), and H3a and Hb (MA,0 = 5.46) models, respectively. In these simulations, the highest level of re\ufb01nement is lg,max = 8 and the factor of each re\ufb01nement is two, so the ratio of the \ufb01nest grid spacing to the base grid spacing is \u2206x8/\u2206x0 = 1/256 (Kang et al. 2002). Since Figures 1-3 show the \ufb02ow structure on the base grid, the precursor pro\ufb01le may appear to be resolved rather poorly here. More accurate values of the precursor den\fDIFFUSIVE SHOCK ACCELERATION 117 Fig. 2.\u2014 Same as Figure 1 except that H2a (solid lines) and H2b (dotted lines) are shown. sity compression (\u03c11) and magnetic \ufb01eld ampli\ufb01cation (B1) can be found in Figure 4 below. Also note that the FEB is located at xFEB = 0.3pc and we use Ke/p = 0.1 here in order to show the proton and electron spectra together. These \ufb01gures demonstrate that 1) the shock structure reaches the time-asymptotic state and evolves in a self-similar fashion for t/tn \u223c > 0.1 (Kang & Jones 2007). 2) Also the proton spectrum approaches the steady state for t/tn \u223c > 0.5 due to the FEB, while the electron spectrum continues to cool down in the downstream region. 3) Magnetic \ufb01eld is ampli\ufb01ed by a greater factor for a higher MA,0. 4) Alfv\u00b4 enic drift steepens the CR spectrum, and reduces the CR acceleration e\ufb03ciency and \ufb02ow modi\ufb01cation by CR feedback, resulting in lesser MFA. 5) At low energies the CR spectra are much steeper than the test-particle power-law due to the velocity pro\ufb01le and magnetic \ufb01eld structure in the precursor. In H1a model with Alfv\u00b4 enic drift (solid lines), the gas density immediately upstream of the subshock increases to \u03c11/\u03c10 \u22481.2, while the total compression ratio becomes \u03c12/\u03c10 \u22484.5. So the \ufb02ow structure is moderately modi\ufb01ed by the CR pressure feedback: U1 \u22480.9 and Pc,2/\u03c10u2 s \u22480.12. Since the Alfv\u00b4 en Mach number is high (MA,0 = 164), the self-ampli\ufb01ed magnetic \ufb01eld strength, based on the model in equation (7), increases to B1 \u2248100\u00b5G, which results in the immediate postshock \ufb01elds of B2 \u2248350\u00b5G. Compared to the model without Alfv\u00b4 enic drift (H1b, dotted lines), the CR distribution functions are softer. Although Alfv\u00b4 enic drift steepens the distribution function in H1a model, Gp(p) still exhibits a signi\ufb01cant concave curvature and it is slightly \ufb02atter than the test-particle power-law (E\u22122) at the highest energy end. This is because MA,0 = 164 is too large to induce the signi\ufb01cant enough softening for p \u223cpp,max (see Equation (12)). Note that pp,max is lower in H1a model than that in H1b model, because of weaker MFA. The structures of the integrated electron spectra are complex for p \u223c < pe,max. As shown in Equation (16), the volume integrated electron energy spectrum steepens by one power of the momentum due to radiative cooling. One can see that the break momentum, pbr(t), shifts to lower momenta in time. The peak near pe,max comes from the electron population in the upstream region, which cools much less e\ufb03ciently due to weaker magnetic \ufb01eld there (Edmon et al. 2011). Since MFA is much stronger in H1b model, compared to H1a model, the electron spectrum cools down to lower momentum \f118 H. KANG Fig. 3.\u2014 Same as Figure 1 except that H3a (solid lines) and H3b (dotted lines) are shown. in the downstream region. Comparing H2a/b in Figure 2 with H1a/b in Figure 2, one can see that the degree of shock modi\ufb01cation is similar in the these models. Because of a lower gas density (nH = 0.01 cm\u22123) in H2a/b models, the Alfv\u00b4 en Mach number is smaller (MA,0 = 16.4) and so MFA is much less e\ufb03cient, compared to H1a/b models. In H2a model the ampli\ufb01ed preshock \ufb01eld increases to only B1 \u224810 \u00b5G, while the postshock \ufb01eld reaches B2 \u224835 \u00b5G. Because of much weaker magnetic \ufb01eld, compared to H1a/b model, the electron spectra are affected much less by radiative cooling. Since H3a/b models in Figure 3 have a lower sonic Mach Number (Ms = 6.7), the \ufb02ow structures are almost test-particle like with B1 \u2248B0, \u03c12/\u03c10 \u22484, and Pc,2/\u03c10u2 s \u22480.05 \u22120.13. So the CR acceleration, \ufb02ow modi\ufb01cation, and MFA are all less e\ufb03cient, compared to H1a/b and H2a/b models. In H3a model, especially, the CR spectra are as steep as E\u22122.1 \u2212E\u22122.3 and electrons do not su\ufb00er signi\ufb01cant cooling. Figure 4 shows how various shock properties change in time for di\ufb00erent models: the CR injection fraction, postshock CR pressure, density compression factors and magnetic \ufb01eld strengths. As discussed above, the magnetic \ufb01eld ampli\ufb01cation is more e\ufb03cient in the models with higher MA,0: B1/B0 \u224820 for MA,0 = 164 (H1a, H1c, W1a models), B1/B0 \u22483 for MA,0 = 24.6 (H4a), B1/B0 \u22482 for MA,0 = 16.4 (H2a), B1/B0 \u22481 for MA,0 = 5.46 (H3a). According to previous studies, nonlinear DSA without self-consistent MFA and Alfv\u00b4 enic drift predicts that the DSA e\ufb03ciency depends strongly on the sonic Mach number Ms and the CR pressure asymptotes to Pc,2/\u03c10u2 s \u223c0.5 for Ms \u223c > 20. (Kang & Jones 2007; Kang et al. 2009). However, Figure 4 shows that in the models with MFA and Alfv\u00b4 enic drift the CR acceleration and MFA are reduced in such a manner that the DSA e\ufb03ciency saturates roughly at Pc,2/\u03c10u2 s \u223c0.1 for 20 \u223c < Ms \u223c < 100. We can see that models with a wide range of sonic Mach number, i.e. W1a(Ms = 100), H4a (Ms = 30), H2a and H1a (Ms = 20), all have similar results: \u03c12/\u03c10 \u22484.5, and Pc,2/\u03c10u2 s \u22480.1. Figures 5 and 6 show the volume-integrated distribution function, Gp(p)/(n0ust), for protons and, Ge(p)/(n0ust), for electrons, respectively, for di\ufb00erent models. Again the proton spectrum approaches to the steady state for t/tn \u223c > 0.5, when pp,max(t) satis\ufb01es the condition, \u03ba(pp,max)/us \u223cxFEB. We note that for W1b model only the curve at t/tn = 0.1 is shown, because the simulation was terminated when the sub\fDIFFUSIVE SHOCK ACCELERATION 119 Fig. 4.\u2014 Time evolution of the injection e\ufb03ciency, \u03be, postshock CR pressure, Pc,2, the gas density \u03c11 (\u03c12) immediately upstream (downstream) of the subshock, and magnetic \ufb01eld strengths, B1 and B2, in di\ufb00erent models: H1a (black solid lines), H1b (red dotted), H1c (blue dashed), W1a (green dot-dashed) in the left column, and H2a (black solid lines), H2b (red dotted), H3a (blue dashed), H4a (green dot-dashed) in the right column. Note H1b and H2b models are shown for comparison, but B1 and B2 for those models are not included in the bottom panels. shock disappears because of very e\ufb03cient DSA. These \ufb01gures demonstrate that the CR spectra is steepened by Alfv\u00b4 enic drift, especially at lower energies, and that the degree of softening is greater for smaller MA,0. In H2d model, in which the downstream drift is included (uw,2 = \u2212vA) in addition to the upstream drift, the CR spectra are steepened drastically. In the volume-integrated electron spectrum, the lowenergy break corresponds to the momentum at which the electronic synchrotron/IC loss time equals the shock age. In the models with stronger magnetic \ufb01eld (e.g., H1a and W1a models), this spectral break occurs at a lower pe,br, and the separate peak around pe,max composed of the upstream population becomes more prominent. 4. SUMMARY Using the kinetic simulations of di\ufb00usive shock acceleration at planar shocks, we have calculated the timedependent evolution of the CR proton and electron spectra for the shock parameters relevant for typical young supernova remnants. In order to explore how various wave-particle interactions a\ufb00ect the DSA process, we adopted the following phenomenological models: 1) magnetic \ufb01eld ampli\ufb01cation (MFA) induced by CR streaming instability in the precursor, 2) drift of scattering centers with Alfv\u00b4 en speed in the ampli\ufb01ed magnetic \ufb01eld, 3) particle injection at the subshock via thermal leakage injection, 4) Bohm-like di\ufb00usion coe\ufb03cient, 5) wave dissipation and heating of the gas, and 6) escape of highest energy particles through a free escape \f120 H. KANG Fig. 5.\u2014 Volume integrated distribution function of CR protons for di\ufb00erent models: H1a, W1a, H2a, H1c, H3a, H4a, (black solid lines), H1b, W1b, H2b, H2d, H3b, H4b (red dotted lines). For W1b model, only the curve for t/tn = 0.1 is shown, because the simulation was terminated afterward. The curves for H3a/b are multiplied by a factor of 10 to show them in the same scale as other models. See Table 1 for model parameters. boundary. The MFA model assumes that the ampli\ufb01ed magnetic \ufb01eld is isotropized by a variety of turbulent processes and so the Alfv\u00b4 en speed is determined by the local ampli\ufb01ed magnetic \ufb01eld rather than the background \ufb01eld (Caprioli 2012). This model predicts the magnetic \ufb01eld ampli\ufb01cation factor scales with the upstream Alfv\u00b4 enic Mach number as B1/B0 \u221dMA,0, and also increases with the strength of the shock precursor (see Equation (7)). Moreover, we assume that self-generated MHD waves drift away from the shock with respect to the background \ufb02ow, leading to smaller velocity jumps that particles experience scattering across the shock. The ensuing CR distribution function becomes steeper than that calculated without Alfv\u00b4 enic drift, so the CR injection/acceleration e\ufb03ciencies and the \ufb02ow modi\ufb01cation due to CR feed back are reduced. The expected power-law slope depends on the Alfv\u00b4 enic Mach number as given in Equations (11)-(12). With our MFA model that depends on the precursor modi\ufb01cation, the upstream Alfv\u00b4 enic drift a\ufb00ects lower energy particles more strongly, steepening the low energy end of the spectrum more than the high energy end. Hence, for MA,0 \u223c > 10, the CR spectra still retain the concave curvature and they can be slightly \ufb02atter than E\u22122 at the high energy end. For weaker shocks with Ms = 6.7 and MA,0 = 5.5 (H3a model), on the other hand, the Alfv\u00b4 enic drift e\ufb00ects are more substantial, so the energy spectrum becomes as steep as N(E) \u221dE\u22122.1 \u2212E\u22122.3. We can explain how MFA and Alfv\u00b4 enic drift regulate the DSA as follows. As CR particles stream upstream of the shock, magnetic \ufb01eld is ampli\ufb01ed and Alfv\u00b4 en speed in the local B(x) increases in the precursor. Then scattering centers drift with enhanced vA, the CR spectrum is steepened and the CR acceleration e\ufb03ciency is reduced, which in turn restrict the growth of the precursor (see also Caprioli 2012). So the \ufb02ow modi\ufb01cation due to the CR pressure is only moderate with \u03c12/\u03c10 \u22484.5. As a result, the DSA e\ufb03ciency saturates roughly at Pc,2/\u03c10u2 s \u223c0.1 for 20 \u223c < Ms \u223c < 100. For Ms = 20 shocks with us = 3000 km s\u22121, for example, in the models with Alfv\u00b4 enic drift (H1a and H2a), the CR injection fraction is reduced from \u03be \u223c2 \u00d7 10\u22123 \fDIFFUSIVE SHOCK ACCELERATION 121 Fig. 6.\u2014 Same as Figure 5 except that the volume integrated distribution function of CR electrons are shown. to \u223c2 \u00d7 10\u22124, while the CR pressure decreases from Pc,2/\u03c10u2 s \u223c0.25 to \u223c0.12, compared to the model without Alfv\u00b4 enic drift (H1b and H2b) (see Figure 4). This study demonstrates that detailed nonlinear treatments of wave-particle interactions govern the CR injection/acceleration e\ufb03ciencies and the spectra of CR protons and electrons. Thus it is crucial to understand in a quantitative way how plasma interactions amplify magnetic \ufb01eld and a\ufb00ect the transportation of waves in the shock precursor through detailed plasma simulations such as PIC and hybrid simulations. Moreover, the time-dependent behaviors of self-ampli\ufb01ed magnetic \ufb01eld and CR injection as well as particle escape will determine the spectra of the highest energy particles accelerated at astrophysical shocks. We will present elsewhere the results from more comprehensive DSA simulations for a wide range of sonic and Alfv\u00b4 en Mach numbers. ACKNOWLEDGMENTS This research was supported by Basic Science Research Program through the National Research Foundation of Korea (NRF) funded by the Ministry of Education, Science and Technology (2012-001065)."
+ },
+ {
+ "url": "http://arxiv.org/abs/1205.1895v1",
+ "title": "Diffusive Shock Acceleration Simulations of Radio Relics",
+ "abstract": "Recent radio observations have identified a class of structures, so-called\nradio relics, in clusters of galaxies. The radio emission from these sources is\ninterpreted as synchrotron radiation from GeV electrons gyrating in\nmicroG-level magnetic fields. Radio relics, located mostly in the outskirts of\nclusters, seem to associate with shock waves, especially those developed during\nmergers. In fact, they seem to be good structures to identify and probe such\nshocks in intracluster media (ICMs), provided we understand the electron\nacceleration and re-acceleration at those shocks. In this paper, we describe\ntime-dependent simulations for diffusive shock acceleration at weak shocks that\nare expected to be found in ICMs. Freshly injected as well as pre-existing\npopulations of cosmic-ray (CR) electrons are considered, and energy losses via\nsynchrotron and inverse Compton are included. We then compare the synchrotron\nflux and spectral distributions estimated from the simulations with those in\ntwo well-observed radio relics in CIZA J2242.8+5301 and ZwCl0008.8+5215.\nConsidering that the CR electron injection is rather inefficient at weak shocks\nwith Mach number M <~ a few, the existence of radio relics could indicate the\npre-existing population of low-energy CR electrons in ICMs. The implication of\nour results on the merger shock scenario of radio relics is discussed.",
+ "authors": "Hyesung Kang, Dongsu Ryu, T. W. Jones",
+ "published": "2012-05-09",
+ "updated": "2012-05-09",
+ "primary_cat": "astro-ph.HE",
+ "cats": [
+ "astro-ph.HE",
+ "astro-ph.CO"
+ ],
+ "main_content": "INTRODUCTION The presence of energetic nonthermal particles, especially electrons, in clusters of galaxies has been inferred from observations of so-called \u201cradio halos\u201d and \u201cradio relics\u201d (see, e.g., Carilli & Taylor 2002; Govoni & Feretti 2004; Ferrari et al. 2008; Br\u00a8 uggen et al. 2011, for reviews). The radio emission from these sources is interpreted as synchrotron radiation of cosmic-ray (CR) electrons. The radio halos center roughly in cluster cores and have low surface brightness with steep radio spectrum and low polarization. Radio relics, on the contrary, are isolated structures, typically located in the cluster outskirts but within virial radii. They often exhibit sharp edges, and most of them show strong polarization. In fact, with occasional pairings found in the opposite side of clusters and elongated morphologies, radio relics are commonly thought to reveal shock waves in intracluster media (ICMs) produced during mergers (e.g., En\u00dflin et al. 1998; Roettiger, Burns & Stone 1999; Miniati et al. 2001). Unfortunately, relics are found mostly too far from cluster cores for their X-ray signatures to be easily detected. So only in a few cases, their association with ICM shocks have been established by X-ray observations (e.g., Finoguenov et al. 2010; Akamatsu & Kawahara 2011). More than 40 relics have been identi\ufb01ed in radio observations so far (Nuza et al. 2012, and references therein). Based on the spatial distribution of shocks seen in cluster formation simulations, it is predicted that coming radio surveys will easily identify hundreds more (e.g., Skillman et al. 2011; Vazza et al. 2012; Nuza et al. 2012). The observed synchrotron radiation is expected to come from CR electrons with Lorentz factors \u03b3e \u2273104, spiraling in \u223c\u00b5G magnetic \ufb01elds. The cooling time scale of such CR electrons due to synchrotron emission and inverse Compton (IC) scattering does not much exceed \u223c108 yrs (see equation (2)). Advection or di\ufb00usion over that time would typically be limited to \u2272100 kpc. So, the electrons have very likely been injected, accelerated or re-accelerated close to where they are seen in emission. Shocks, believed to be associated to observed radio relics, are obvious candidates for the acceleration or re-acceleration of the CR electrons. Suprathermal particles are known to be produced as an inevitable consequence of the formation of collisionless shocks in tenuous plasmas (e.g., Garat\u00b4 e & Spitkovsky 2012). If postshock suprathermal particles have su\ufb03cient rigidity to recross the shock transition, they can be further accelerated to become CRs through so-called Di\ufb00usive Shock Acceleration (DSA) (Bell 1978; Drury 1983; Malkov & Drury 2001). Only a very small fraction of in\ufb02owing plasma particles are \u201cinjected\u201d from the thermal pool into the CR population. Yet, in strong shocks, a su\ufb03cient number of CRs reach high energies, so that they extract a substantial fraction of the dissipated energy, allowing DSA to be e\ufb03cient. Shock waves are indeed common in the intergalactic space (e.g., Miniati et al. 2000; \f\u2013 3 \u2013 Ryu et al. 2003). They are induced by the supersonic \ufb02ow motions produced during the hierarchical formation of the large-scale structure (LSS) in the universe. Those shocks are, in fact, the dominant means to dissipate the gravitational energy which is released during the LSS formation. They broadly re\ufb02ect the dynamics of baryonic matter in the LSS of the universe, and, indirectly, dark matter. Simulations suggest that while very strong shocks form in relatively cooler environments in \ufb01laments and outside cluster virial radii, shocks produced by mergers and \ufb02ow motions in hotter ICMs are relatively weak with Mach number M \u2272a few (Ryu et al. 2003; Pfrommer et al. 2006; Kang et al. 2007; Skillman et al. 2008; Hoeft et al. 2008; Vazza et al. 2009; Br\u00a8 uggen et al. 2011). At weak shocks, however, DSA should be ine\ufb03cient. This is expected from the fact that the particle energy spectrum associated with DSA is steep when the density compression across a shock is small. Also the relative di\ufb00erence between the postshock thermal and \ufb02ow speeds is greater in weaker shocks. Consequently, the injection from thermal to nonthermal particles should be ine\ufb03cient at weak shocks (e.g., Kang et al. 2007). At shocks with M \u2272 a few, much less than \u223c10\u22123 of protons are thought to be injected into CRs and much less than \u223c1 % of the shock ram pressure be converted into the downstream pressure of CR protons (Kang & Ryu 2010). For reference, recent Fermi observations of \u03b3-ray emission from galaxy clusters, searching for \u03b3-ray by-products of p \u2212p collisions, limit the pressure due to CR protons to less than \u223c10 % of the gas thermal pressure there (Abdo et al. 2010; Donnert et al. 2010). IACT (Imaging Atmospheric Cherenkov Technique) observations of TeV \u03b3-ray suggest even a lower limit of \u22721 \u22122 % in core regions of some clusters (Alaksi\u00b4 c et al. 2012; Arlen et al. 2012). Injection and acceleration of electrons are even more problematic at weak shocks. Relativistic electrons and protons of the same energy are accelerated the same in DSA, since they have the same rigidity. But nonrelativistic electrons of a given energy have substantially smaller rigidities than protons, making them much harder to be injected at shocks from the thermal pool. As a consequence, the number of electrons injected and accelerated to the CR population is likely to be signi\ufb01cantly smaller than that of CR protons, and so is the pressure of CR electrons at weak shocks. Hot ICMs, on the other hand, should have gone \ufb01rst through accretion shocks of high Mach numbers around clusters and \ufb01laments and then through weaker shocks inside those nonlinear structures (Ryu et al. 2003; Kang et al. 2007). Hence, it is expected that ICMs contain some CR populations produced through DSA at the structure formation shocks. In addition, in ICMs, nonthermal particles can be produced via turbulent re-acceleration (e.g., Brunetti & Lazarian 2007, 2011). Moreover, secondary CR electrons are also continuously generated through p \u2212p collisions of CR protons with thermal protons of ICMs \f\u2013 4 \u2013 (e.g., Miniati et al. 2001; Pfrommer & En\u00dflin 2004). If radio relics form in media with such \u201cpre-existing\u201d CRs, the problem of ine\ufb03cient injection at weak shocks can be alleviated. In this paper, we study DSA of CR electrons at shocks expected to be found in ICMs, with and without pre-existing CR electrons. Since the shocks are mostly weak, the CR pressure is likely to be a small fraction of the thermal pressure (see Kang & Ryu 2011). So we apply DSA in the test-particle regime. In the time-asymptotic limit without radiative losses, the test-particle DSA theory predicts a steady-state distribution of power-law for downstream CR electrons, fe,2(p) \u221dp\u2212q with q = 3\u03c3/(\u03c3 \u22121), where \u03c3 is the density compression ratio across a shock, when no pre-existing CR is assumed (Drury 1983). If preexisting CR electrons of a power-law distribution, fe,1 \u221dp\u2212s, are assumed, the distribution of re-accelerated electrons approaches fe,2(p) \u221dp\u2212r with r = min(q, s) at large momenta (Kang & Ryu 2011, and also see equation (9)). The power-law distributions of fe,2(p) translate into the synchrotron/IC spectra of j\u03bd \u221d\u03bd\u2212\u03b1 with \u03b1 = (q \u22123)/2 or (r \u22123)/2 (e.g., Zirakashvili & Aharonian 2007; Blasi 2010; Kang 2011). These properties provide essential benchmarks for expected spectral properties We perform \u201ctime-dependent\u201d, DSA simulations of CR electrons for plane-parallel shocks, which include the energy losses due to synchrotron and IC processes. Using the simulation data, we calculate the synchrotron emission from CR electrons, and model the synchrotron \ufb02ux and spectral distributions from spherical shocks. We then compare the resulting distributions to those of two well-observed radio relics in clusters CIZA J2242.8+5301 (van Weeren et al. 2010) and ZwCl0008.8+5215 (van Weeren et al. 2011) in details. The relic in CIZA J2242.8+5301 at redshift z = 0.1921 perhaps demonstrates the best evidence for DSA at merger shocks. It is located at a distance of \u223c1.5 Mpc from the cluster center and spans \u223c2 Mpc in length. The relic shows a spectral index gradient towards the cluster center. The spectral index, measured between 2.3 and 0.61 GHz, steepens from \u22120.6 to \u22122.0 across the relic. The relic is strongly polarized at the 50 \u221260 % level, indicating ordered magnetic \ufb01elds aligned with the relic. In the opposite, southern part of the cluster, an accompanying fainter and smaller relic is found. The relic in ZwCl0008.8+5215 at z = 0.1032 is found at a distance of \u223c0.85 Mpc from the cluster center and has a linear extension of \u223c1.4 Mpc. It also shows the steepening of the spectral index towards the cluster center. The spectral index, measured between 1382 and 241 MHz, changes from \u22121.2 to \u22122.0 across the relic. The polarization fraction is less with \u227225 %. It also has an accompanying relic of a linear extension of \u223c290 kpc in the opposite, western side of the cluster. In Section 2 we describe the numerical method and the models for magnetic \ufb01eld, diffusion, electron injection, and pre-existing CR electron population. We present analytic evaluations for some features in the CR electron energy spectrum and synchrotron emission \f\u2013 5 \u2013 spectrum in Section 3. The results of simulations are presented and compared with observations of the previously mentioned radio relics in Section 4. Summary follows in Section 5. 2. DSA SIMULATIONS OF CR ELECTRONS 2.1. Numerical Method We simulate DSA of CR electrons at gasdynamical shocks in one-dimensional planeparallel geometry. Shocks in ICMs, especially merger shocks, are expected to persist over \u2273109 yrs, a substantial fraction of the cluster lifetime (e.g., Skillman et al. 2011). On the other hand, the time scales over which electrons are accelerated and cool are much shorter (see Eq. [2] below). So we assume that the shock structure remains steady. Assuming that the CR feedback to the \ufb02ow is negligible at weak shocks in the test-particle limit, the background \ufb02ow, u, is given by the usual shock jump condition. Then, the time-dependent evolution of the CR electron distribution, fe(t, x, p), which is averaged over pitch angles, can be followed by the following di\ufb00usion convection equation, \u2202ge \u2202t + u\u2202ge \u2202x = 1 3 \u2202u \u2202x \u0012\u2202ge \u2202y \u22124ge \u0013 + \u2202 \u2202x \u0014 \u03ba(x, y)\u2202ge \u2202x \u0015 + p \u2202 \u2202y \u0012 be p2ge \u0013 , (1) where ge = p4fe, y = ln(p/mec), me is the electron mass, c is the speed of light, and \u03ba(x, y) is the spatial di\ufb00usion coe\ufb03cient (Skilling 1975). Here, be(p) = (4e4/9m4 ec6)B2 e\ufb00p2 represents the cooling of CR electrons due synchrotron and IC losses in cgs units, where e is the electron charge. The \u201ce\ufb00ective\u201d magnetic \ufb01eld strength, B2 e\ufb00\u2261B2 + B2 CBR, includes the equivalent strength of the cosmic background radiation with BCBR = 3.24 \u00b5G(1 + z)2 at redshift z. The cooling time scale for electrons is given as trad(\u03b3e) = p be(p) = 9.8 \u00d7 107 yrs \u0012 Be\ufb00 5 \u00b5G \u0013\u22122 \u0010 \u03b3e 104 \u0011\u22121 , (2) where \u03b3e is the Lorentz factor of CR electrons. The equation in (1) is solved using the test-particle version of the CRASH (Cosmic-Ray Amr SHock) code (see Kang et al. 2011, for details). \f\u2013 6 \u2013 2.2. Models for Magnetic Field and Di\ufb00usion Here, shocks are assumed to be gasdynamical for simplicity, that is, magnetic \ufb01elds do not modify the background \ufb02ow of the shock. In ICMs, magnetic \ufb01elds of an inferred strength of order \u00b5G (Carilli & Taylor 2002; Govoni & Feretti 2004) are dynamically unimportant, since their energy density is less than \u223c10 % of the thermal energy density (e.g., Ryu et al. 2008). However, magnetic \ufb01elds, especially in the downstream region, are the key that governs DSA and the synchrotron cooling and emission of CR electrons. Theoretical studies have shown that e\ufb03cient magnetic \ufb01eld ampli\ufb01cation via resonant and non-resonant waveparticle interactions is an integral part of DSA at strong shocks (Lucek & Bell 2000; Bell 2004). In addition, magnetic \ufb01elds can be ampli\ufb01ed by turbulent motions behind shocks (Giacalone & Jokipii 2007; Inoue et al. 2009). Yet, these plasma processes are complex and their roles are not yet entirely certain, especially at weak shocks. So here we adopt a simple model in which the magnetic \ufb01eld strength is ampli\ufb01ed by a constant factor of \u03c7 across the shock, that is, B2 = \u03c7B1. Hereafter, we use the subscripts \u20181\u2019, and \u20182\u2019 to label conditions in the preshock and postshock regions, respectively. For \u03ba, we adopt a Bohm-like di\ufb00usion coe\ufb03cient with weaker non-relativistic momentum dependence, \u03ba(x, p) = \u03ba\u2217\u00b7 \u0012 p mec \u0013 , (3) where \u03ba\u2217 1 = mec3/(3eB1) = 1.7 \u00d7 1019 cm2 s\u22121(B1/1 \u00b5G)\u22121 in the preshock region and \u03ba\u2217 2 = \u03ba\u2217 1/\u03c7 in the postshock region. 2.3. Injection of Electrons As pointed in Introduction, the injection of electrons is expected to be much harder than that of protons in the so-called thermal leakage injection model. Because complex plasma interactions among CRs, waves, and the underlying gas \ufb02ow are not fully understood, it is not yet possible to predict from \ufb01rst principles how particles are injected into the \ufb01rst-order Fermi process (e.g., Malkov & Drury 2001; Garat\u00b4 e & Spitkovsky 2012). In addition, postshock thermal electrons, which have gyro-radii smaller than those of thermal protons, need to be pre-accelerated to several times the peak momentum of thermal protons, pp,th, before they can re-cross the shock transition layer. Here, pp,th = p 2mpkBT2, where T2 is the postshock gas temperature and kB is the Boltzmann constant. Recently several authors have suggested preacceleration mechanisms based on plasma interactions with \ufb02uctuating magnetic \ufb01elds that are locally quasi-perpendicular to the shock surface (e.g. Burgess 2006; Amano & Hoshino 2009; Guo & Giacalone 2010; Riquelme & Spitkovsky 2011). But the detailed picture of the \f\u2013 7 \u2013 electron injection is not well constrained by plasma physics. Observationally, the ratio of CR electron number to proton number, Ke/p \u223c0.01, is commonly inferred for strong supernova remnant shocks, since about 1% of the Galactic CR \ufb02ux near a GeV is due to electrons (Reynolds 2008). But this ratio is rather uncertain for weak shocks under consideration. So here we adopt a simple model in which the postshock electrons above a certain injection momentum, pinj = Qinjpp,th, are assumed to be injected to the CR population. Here, Qinj is a parameter that depends on the shock Mach number and turbulent magnetic \ufb01eld amplitude in the thermal leakage injection model (Kang & Ryu 2010). The CR electron number density or, equivalently, the distribution function at pinj at the shock location xs, fe(xs, pinj), will be scaled to match the observed \ufb02ux of radio relics (see Sections 3.1 and 4.2). 2.4. Pre-existing CR Electrons We consider the population of pre-existing CR electrons, along with that of freshly injected electrons at the shock. However, the nature of pre-existing CR electrons in ICMs is not well constrained. If they were generated at previous, external and internal shocks, a spectral slope of s \u223c4.0\u22125.3 is expected for M \u22732, close to the acceleration site. However, since their lifetime in equation (2) is much shorter than that of host clusters, it is unlikely that they are directly responsible for the pre-existing electron population we consider here. Any pre-existing CR electron should be locally produced, possibly either through p \u2212p collisions of CR protons with thermal protons or via turbulent re-acceleration of some populations (possibly including p \u2212p secondary electrons), as noted in Introduction. Petrosian & East (2008) have shown that turbulent injection of CR electrons from the thermal pool in ICMs is unlikely. The slope of protons re-accelerated by turbulence should be close to s \u223c4 (see, e.g., Chandran 2005), but that of electrons is strongly modi\ufb01ed by coolings (Brunetti & Lazarian 2007, 2011). The slope of secondary electrons from p \u2212p collisions would be roughly s \u223c 4/3(sp\u22121) (Mannheim & Schlickeiser 1994), where sp is the slope of CR protons, so typically, s \u223c4 \u22126. In summary, pre-existing CR electrons may contain many di\ufb00erent populations with di\ufb00erent degrees of radiative cooling and may not be represented by a single power-law. For simplicity, here we adopt a power-law form, fe,1(p) = fpre \u00b7 \u0012 p pinj \u0013\u2212s , (4) with slope s, as the model spectrum for pre-existing CR electrons. In modeling of speci\ufb01c radio relics, the value of s will be chosen as s = 2\u03b1obs + 3, where \u03b1obs is the observed mean \f\u2013 8 \u2013 spectral index. The amplitude, fpre, is set by the ratio of upstream CR electron pressure to gas pressure, R1 \u2261PCRe,1/Pg,1. Here, R1 is a parameter that will be scaled to match the observed \ufb02uxes of radio relics (see Sections 3.1 and 4.2). 3. ANALYTIC EVALUATIONS We \ufb01rst consider some features in the CR electron energy spectrum and synchrotron emission spectrum for plane-parallel shocks, to provide analytic estimations for the simulation results presented in the next section. 3.1. Basic Features in CR Electron Spectrum In the test-particle regime of DSA, the distribution of freshly injected and accelerated electrons at the \u201cshock location\u201d can be approximated, once it reaches equilibrium, by a power-law spectrum with super-exponential cuto\ufb00, fe,2(p) \u2248finj \u00b7 \u0012 p pinj \u0013\u2212q exp \u0012 \u2212p2 p2 eq \u0013 , (5) where q = 3\u03c3/(\u03c3 \u22121) (Kang 2011). In the case that B2 = \u03c3B1, that is, the jump in the magnetic \ufb01eld strength across the shock is assumed to be same as the density jump, \u03c7 = \u03c3, and \u03ba2 = \u03ba1/\u03c3, the cuto\ufb00momentum, which represents the balance between DSA and the radiative cooling, becomes peq = m2 ec2us p 4e3q/27 B1 B2 e\ufb00,1 + B2 e\ufb00,2 !1/2 . (6) The corresponding Lorentz factor for typical merger shock parameters is then \u03b3e,eq \u22482 \u00d7 109 q\u22121/2 \u0010 us 3000 km s\u22121 \u0011 B1 B2 e\ufb00,1 + B2 e\ufb00,2 !1/2 . (7) Hereafter, the magnetic \ufb01eld strength is given in units of \u00b5G. The acceleration time for electrons to reach peq, so the time for the equilibrium to be achieved, is estimated as teq \u2248(2.4 \u00d7 104 yrs) q1/2B\u22121/2 1 (B2 e\ufb00,1 + B2 e\ufb00,2)\u22121/2 \u0010 us 3000 km s\u22121 \u0011\u22121 . (8) This is much shorter than the typical time scale of merger shocks, \u2273109 yrs. For t \u2273teq, the DSA gains balance the radiative losses and the electron spectrum near the shock location asymptotes to a steady-state (Kang 2011). \f\u2013 9 \u2013 With pre-existing CR electrons given in equation (4), the electrons distribution at the shock location can be written as the sum of the pre-existing/re-accelerated and freshly injected/accelerated populations, fe,2(p) \u2248 \uf8f1 \uf8f4 \uf8f4 \uf8f2 \uf8f4 \uf8f4 \uf8f3 \u0014 q (q\u2212s) \u0012 1 \u2212 \u0010 p pinj \u0011\u2212q+s\u0013 fpre \u0010 p pinj \u0011\u2212s + finj \u0010 p pinj \u0011\u2212q\u0015 exp \u0010 \u2212p2 p2 eq \u0011 , when s \u0338= q \u0014 s ln \u0010 p pinj \u0011 fpre \u0010 p pinj \u0011\u2212s + finj \u0010 p pinj \u0011\u2212q\u0015 exp \u0010 \u2212p2 p2 eq \u0011 , when s = q. (9) (Kang & Ryu 2011). The relative importance of pre-existing to freshly injected populations depends on fpre and finj, as well as on the slopes s and q in our model. For the sake of convenience, hereafter we will use the term \u201cinjected\u201d electrons for those injected at the shock and then accelerated by DSA and the term \u201cre-accelerated\u201d electrons for those accelerated from the pre-existing population. We here de\ufb01ne the CR electron number fraction, \u03bee \u2261nCRe,2/ne,2, as the ratio of CR electron number to thermal electron number in the postshock region. Here nCRe,2 includes CR electrons accelerated from both the pre-existing and freshly injected populations. Considering that the CR proton number fraction is likely to be \u03bep \u227210\u22124 at weak shocks (Kang & Ryu 2010) and Ke/p \u223c0.01, \u03bee \u223c10\u22126 could be regarded as a canonical value. We note that the resulting radio emission is linearly scaled with both \u03bee and the preshock gas density, n1, in the test-particle regime, so the combined parameter, n1\u03bee, can be treated as a free parameter. We here \ufb01x the preshock gas density, n1 = 10\u22124cm\u22123, as a \ufb01ducial parameter, but vary \u03bee to match the observed \ufb02uxes of radio relics. Another measure is the ratio of postshock CR electron pressure to gas pressure, R2 = PCRe,2/Pg,2, which depends on both \u03bee and the slopes q and s. In modeling of speci\ufb01c radio relics in Section 4.2, we will determine the set of values for \u03bee, R2 and R1, that matches the observed level of radio \ufb02ux. If we ignore for the moment the modest in\ufb02uence of continued DSA downstream of the shock, we can follow the electron population that advects downstream by solving the following equation : dge dt + V \u00b7 \u2202ge \u2202y = 0, (10) where d/dt \u2261\u2202/\u2202t + u\u2202/\u2202x and V = \u2212be(p)/p = \u2212Cey. Here, C = (4e4/9m4 ec6)B2 e\ufb00is a constant. This is basically the equation for downward advetion in the space of y = ln(p/mec) due to radiative cooling. The general solution of the equation is ge(p, t) = G(e\u2212y \u2212Ct) = G \u0012 p 1 \u2212t/trad \u0013 , (11) where trad = 1/Cey is the electron cooling time scale. This provides the approximate distribution of CR electrons at the distance d = u2t downstream from the shock, where u2 is the downstream \ufb02ow speed. \f\u2013 10 \u2013 For instance, if the distribution function of the \u201cinjected\u201d electrons at the shock location (d = 0) is the power-law spectrum, ge(p, 0) = ginj(p/pinj)\u2212q+4, the downstream spectrum can be approximated as ge(p, d) = ginj \u0014 p (1 \u2212d/u2trad)pinj \u0015\u2212q+4 . (12) It should be straightforward to apply the same approximation to the full spectrum given in equation (9). In Figures 1 and 2, we compare the distributions described by equation (11) with those from time-dependent DSA simulations, demonstrating that equation (11) provides reasonable approximations to the solutions of full DSA simulations (see Table 1 for speci\ufb01c model parameters). 3.2. Basic Features in Synchrotron Emission Spectrum Since the synchrotron emission from mono-energetic electrons with \u03b3e has a broad peak around \u03bdpeak \u22480.3(3eB/4\u03c0mec)\u03b32 e, for a given observation frequency, \u03bdobs, the greatest contribution comes from electrons of the Lorentz factor, \u03b3e,peak \u22481.26 \u00d7 104 \u0010 \u03bdobs 1GHz \u00111/2 \u0012 B 5 \u00b5G \u0013\u22121/2 (1 + z)1/2. (13) Using equations (2) and (13), the cooling time of the electrons emitting at \u03bdobs can be estimated approximately as trad \u22488.7 \u00d7 108 yrs B1/2 2 B2 e\ufb00,2 ! \u0010 \u03bdobs 1GHz \u0011\u22121/2 (1 + z)\u22121/2. (14) The cooling length behind the shock, u2trad, then becomes Lrad \u2248890kpc \u0010 u2 103 km s\u22121 \u0011 B1/2 2 B2 e\ufb00,2 ! \u0010 \u03bdobs 1GHz \u0011\u22121/2 (1 + z)\u22121/2. (15) Note that B2 e\ufb00,2/B1/2 2 \u223c15 \u221225 for the model parameters considered here. Again, trad is shorter than the typical time scale of merger shocks, \u2273109 yrs. So Lrad should represent the width of radio emitting region at \u03bdobs behind plane-parallel shocks. In radio relics, however, the observed width is constrained by both Lrad and the projection angle of spherical shocks (see Section 4.2). The cuto\ufb00energy in the electron spectrum due to the radiative cooling decreases linearly with the distance from the shock location, that is, \u03b3e,cut \u221dd\u22121, as expected from equation \f\u2013 11 \u2013 (2) and shown in Figure 1. At the farthest downstream point, d = u2t, where t is the shock age, the cuto\ufb00energy becomes \u03b3e,br(t) \u22489.82 \u00d7 102 \u0012 t 109 yrs \u0013\u22121 \u0012Be\ufb00,2 5 \u00b5G \u0013\u22122 . (16) If the electron distribution function at the shock location has a power-law form, ne(xs, \u03b3e) \u221d \u03b3\u2212r e , then the volume-integrated electron spectrum downstream steepens by the power-law index of one, i.e., Ne,2 \u221d\u03b3\u2212(r+1) e for \u03b3e > \u03b3e,br. It is because the width of the spatial distribution of electrons with \u03b3e decreases as \u03b3\u22121 e (Zirakashvili & Aharonian 2007; Kang 2011). As a consequence, the \u201cvolume-integrated\u201d synchrotron spectrum from aged electrons has a spectral break, i.e., an increase of the spectral index \u03b1 by +0.5, at \u03bdbr = 0.3 3 4\u03c0 eB2 mec\u03b32 e,br \u22486.1 \u00d7 106Hz \u0012 t 109 yrs \u0013\u22122 \u0012 B2 5 \u00b5G \u0013 \u0012Be\ufb00,2 5 \u00b5G \u0013\u22124 . (17) So the shock age may be estimated from the break frequency \u03bdbr, if the magnetic \ufb01eld strength is known. 4. RESULTS OF DSA SIMULATIONS 4.1. Plane-Parallel Shocks The model parameters of our simulations for plane-parallel shocks are summarized in Table 1. Here, z is the redshift, cs,1 is the preshock sound speed, M is the shock Mach number, u2 is the postshock \ufb02ow speed, s is the power-law slope of pre-existing CR electrons, and B2 is the postshock magnetic \ufb01eld strength. The model name in the \ufb01rst column includes the values of M, B2, and s; for models without pre-existing CRs, \u201cI\u201d (injection only) is speci\ufb01ed. For instance, M4.5B7I stands for the model with M = 4.5, B2 = 7 \u00b5G, and injected CR electrons only (no pre-existing CRs), while M2B2.3S4.2 stands for the model with M = 2.0, B2 = 2.3 \u00b5G, and s = 4.2. For the preshock magnetic \ufb01eld strength, B1 = 1 \u00b5G is adopted for all models, which is close to the typical quoted value in cluster outskirts (see Br\u00a8 uggen et al. 2011, and references therein). Once B1 < BCBR, the IC cooling dominates, and the exact value of B1 is not important in our models. The model parameters are chosen to match the observed properties of radio relics in clusters CIZA J2242.8+5301 and ZwCl 0008.8+5215 (see the next subsection for details). For example, M = 4.5 or s = 4.2 is chosen to match the observed spectral index, \u03b1 = 0.6, of the relic in CIZA J2242.8+5301, and M = 2 or s = 5.4 is chosen to match \u03b1 = 1.2 of the relic in ZwCl 0008.8+5215. For reference, the shock compression ratio is \u03c3 = 3.5 for M = 4.5 and \u03c3 = 2.3 for M = 2. The values of u2 and \f\u2013 12 \u2013 B2 are chosen to match the observed width of the relics, since they determine the cooling length as shown in equation (15). Figure 1 shows the CR electron distribution at di\ufb00erent locations downstream of the shock, after it has reached the steady state, for M4.5B3.5I, M2B7S4.2, M2B2.3I and M2B2.3S5.4 models. For the comparison of di\ufb00erent models, here the postshock CR electron number fraction is set to be \u03bee = 10\u22126, which sets the vertical amplitude. The injection-only models exhibit the power-law distributions with cuto\ufb00s due to the cooling, as discussed in the previous section. In M2B7S4.2 model, the electrons accelerated from the injected population are important only at low energies (\u03b3e \u2272102.5) and they dominate in terms of particle number, because the \u201cinjected\u201d spectrum is much softer than the \u201cre-accelerated\u201d spectrum (i.e. q > s). The electrons accelerated from the pre-existing population, on the other hand, dominate at higher energies including \u03b3e \u223c104 and they are most relevant for the synchrotron emission at \u03bd \u223c1 GHz. The slope of the accelerated spectrum at high energies is similar to that of the pre-existing spectrum, which is consistent with equation (9). On the contrary, in M2B2.3S5.4 model with s \u2248q, the \u201cinjected\u201d electrons are negligible even at low energies. This di\ufb00erence comes about, because with similar numbers of pre-existing CRs, the amplitude fpre is larger in M2B2.3S5.4 (with s = 5.4) than in M2B7S4.2 (with s = 4.2). The numbers of injected electrons should be similar in the two models, because the shock Mach number is the same. Note that the re-accelerated spectrum \ufb02attens by a factor of ln(p), as shown in equation (9), because s \u2248q in this model. The left column of Figure 2 shows the spatial pro\ufb01le of the electron distribution function, ge(\u03b3e, x), at two speci\ufb01c energies (\u03b3e) as a function of the downstream distance for the M4.5B7I, M4.5B3.5I and M2B7S4.2 models. For each model the Lorentz factors are calculated for \u03bdobs = 0.61 GHz and 2.3 GHZ according to equation (13). The upper/lower curves represent ge of the lower/higher values of \u03b3e, respectively. The right column of Figure 2 shows the synchrotron emission, j\u03bd(x), at \u03bdobs = 0.61 GHz (upper curves) and 2.3 GHZ (lower curves). The solid lines show ge and j\u03bd calculated from the DSA simulation results, while the dashed lines show the approximate solutions calculated with equation (11). The \ufb01gure demonstrates that the lower energy elections advect further from the shock before cooling than higher energy electrons, so the lower-frequency radio emission has larger widths than the higher-frequency one. According to equation (15), the cooling lengths of the electrons emitting at 0.61 and 2.3 GHz are Lrad \u224840 and 20 kpc, respectively, in the three models. \f\u2013 13 \u2013 4.2. Modeling of Radio Relics As noted above, it should be su\ufb03cient to employ the plane shock approximation to compute the distributions of CR electrons and their emissivities as a function of the distance from the shock surface. In observed radio relics, however, radio emitting shells are likely to be curved with \ufb01nite curvatures along the observer\u2019s line of sight (LoS) as well as in the plane of the sky. So in modeling of radio relics, the curved shell needs to be projected onto the plane of the sky. In that case LoS\u2019s from the observer will transect a range of shock displacements, and this needs to be taken into account when computing the observed brightness distribution of model relics. Following the approach of van Weeren et al. (2010, 2011), we consider a piece of a spherical shell with outer radius Rs, subtended along the LoS from +\u03c8 to \u2212\u03c8 so for the total angle of 2\u03c8. Then, Rs and the projection angle \u03c8 are the parameters that \ufb01x the shape of the curved shell to be projected onto the plane of the sky. The synchrotron emissivity, j\u03bd (erg cm\u22123 s\u22121 Hz\u22121 str\u22121), at each point behind the curved shock is approximated as that downstream of plane-parallel shocks discussed in the previous subsection. Since we do not consider the polarization of synchrotron emissions here, so, for simplicity, the magnetic \ufb01eld lines are assumed to lie in the plane of the sky; that is, the angle between the magnetic \ufb01eld vectors and the LoS is \ufb01xed at 90\u25e6. The synchrotron intensity is calculated by integrating the emissivity along the LoS, I\u03bd(r) = R j\u03bddl (erg cm\u22122 s\u22121 Hz\u22121 str\u22121), where r is the distance behind the projected shock edge in the plane of the sky. The bound of the path length, l, for given r is determined by Rs and \u03c8. Then, the observed \ufb02ux is estimated, assuming a Gaussian beam with e-width, \u03b8, as S\u03bd(r) \u2248I\u03bd(r)\u03c0\u03b82(1 + z)\u22123, (18) where \u03bd = \u03bdobs(1 + z). Figure 3 shows the pro\ufb01les of the synchrotron \ufb02ux, S\u03bd(r), at \u03bdobs = 0.61 GHz (left column) and the spectral index, \u03b1 = \u2212d ln S\u03bd/d ln \u03bd, estimated with the \ufb02uxes at \u03bdobs = 0.61 and 1.4 GHz (right column) for the M4.5B7I, M4.5B3.5I and M2B7S4.2 models, which are designed to reproduce the radio relic in CIZA J2242.8+5301. The \ufb02ux is calculated with the beam of \u03b82 = \u03b81\u03b82/(4 ln 2), \u03b81\u03b82 = 16.7\u201d \u00d7 12.7\u201d. They are compared with the \u201cdeconvolved\u201d pro\ufb01le of observed \ufb02ux taken form Figure 4 of van Weeren et al. (2010) (\ufb01lled circles). Since the observed \ufb02ux is given in an arbitrary unit in their paper, we scale it so that the peak value of S\u03bd(r) becomes 5 mJy, which is close to the observed value (private communication with R. J. van Weeren). The radius of the spherical shock is set to be Rs = 1.5 Mpc and two values of projection angle, \u03c8 = 10\u25e6and 20\u25e6, are considered. The observed pro\ufb01le is well \ufb01tted by the three models, if \u03c8 = 10\u25e6is taken. In M4.5B7I and M4.5B3.5I, di\ufb00erent values of u2 are assumed to match the observed width (see Table 1). The observed value \f\u2013 14 \u2013 of the spectral index at r = 0, \u03b1 = 0.6, is reproduced either in the injection-only models with M = 4.5 or in the model with pre-existing CRs with the slope s = 4.2, as noted in the previous subsection. For the \ufb01ducial preshock particle density of n1 = 10\u22124 cm\u22123, the values of the postshock electron CR number fraction required to match the peak \ufb02ux of 5 mJy are \u03bee = 7.6 \u00d7 10\u22128, 2.3 \u00d7 10\u22127, and 2.6 \u00d7 10\u22127 for M4.5B7I, M4.5B3.5I, and M2B7S4.2, respectively. In M2B7S4.2 model the ratio of the pressure of pre-existing CR electrons to gas pressure far upstream is R1 \u223c6.7\u00d710\u22125. Those values of \u03bee and R1 are modest enough that they probably are not in con\ufb02ict with the values expected in clusters. Our results demonstrate that if the pre-existing electron population is considered, the radio relic in CIZA J2242.8+5301 can be reproduced even with weak shocks of M \u223c2 or so. We note that R1 is a model parameter that sets the amplitude, fpre, of the upstream population, while the fraction \u03bee is the outcome of DSA of both pre-existing and injected electrons. As noted in Figure 1, in M2B7S4.2 model the fraction \u03bee is determined mostly by the \u201cinjected\u201d population at low energies, while the radio emission is regulated mostly by the \u201cre-accelerated\u201d population at \u03b3e \u223c104. So we should obtain the similar radio \ufb02ux even with a much lower injection rate for this model, and the resulting \u03bee could be much smaller than the current value of 2.6 \u00d7 10\u22127. We point that the radio relic in CIZA J2242.8+5301 is subtended in the plane of the sky over the angle of \u223c60 \u221270\u25e6. This means that the surface of the shock responsible for the relic should be highly elongated with the aspect ratio of \u223c(60 \u221270\u25e6)/(2\u03c8) = \u223c3 \u22123.5 when \u03c8 = 10\u25e6is adopted. It would not be trivial, if not impossible, for such structure to be induced in merger events in clusters. Or the relic may actually consist of a number of substructures, which is hinted by the variations in the observed \ufb02ux pro\ufb01le along the arc in the plane of the sky. The left column of Figure 4 shows the synchrotron \ufb02ux pro\ufb01les at \u03bdobs = 1.38 GHz, for M2B2.3I and M2B2.3S5.4 models, which are designed to reproduce the radio relic in ZwCl008.8+5215. The \ufb02ux is calculated with \u03b82 = \u03b81\u03b82/(4 ln 2), \u03b81\u03b82 = 23.5\u201d \u00d7 17.0\u201d. We note that this beam size is \ufb01ne enough that the convolved pro\ufb01les with a Gaussian beam (dotted and long-dashed lines) are very similar to the unconvolved pro\ufb01les (solid lines). The pro\ufb01les are compared with the observed pro\ufb01le given in Figure 16 of van Weeren et al. (2011) (\ufb01lled circles). Again the observed \ufb02ux is given in an arbitrary unit, so it is scaled at 5 mJy at the peak. The right column shows the pro\ufb01les of \u03b1, estimated with \ufb02uxes at \u03bdobs = 0.24 and 1.38 GHz, along with the observed \u03b1 also taken from Figure 16 of van Weeren et al. (2011) (\ufb01lled circles). The shock radius is assumed to be Rs = 1.0 Mpc and two values of projection angle, \u03c8 = 25\u25e6and 30\u25e6, are considered. The two models shown are the same except the existence of pre-existing CR electrons in M2B2.3S5.4 model. In M2B2.3S5.4, the \f\u2013 15 \u2013 \u201cre-accelerated\u201d population dominates over the \u201cinjected\u201d population. Yet, the two models give similar pro\ufb01les of S\u03bd and \u03b1. We see that in our models \u03c8 = 30\u25e6gives good \ufb01ts to the observed pro\ufb01les of S\u03bd and \u03b1, while van Weeren et al. (2011) argued that \u03c8 = 22\u25e6seems to give a reasonable \ufb01t. Note that they adopted u2 = 750 km s\u22121 and B2 = 2 \u00b5G, giving Lrad = 40 kpc, while in our models u2 = 1100 km s\u22121 and B2 = 2.4 \u00b5G, giving Lrad = 57 kpc. For the assumed value of n1 = 10\u22124 cm\u22123, the postshock CR electron number fraction required to match the peak \ufb02ux of 5 mJy is \u03bee = 2.1 \u00d7 10\u22124 for M2B2.3I, which is six times larger than \u03bee = 3.3 \u00d7 10\u22125 for M2B2.3S5.4. This is because the spectral shapes of CR electron spectrum below \u03b3e \u2272102.5 are di\ufb00erent in the two models (see Fig. 1 and discussion in the previous subsection). The number fraction of CR electrons for M2B2.3I seems too large, considering that the postshock proton CR number fraction is likely to be \u03bep \u227210\u22124 for M = 2 (Kang & Ryu 2010). In M2B2.3S5.4, on the other hand, the ratio of upstream CR electrons pressure to gas pressure is R1 \u223c1.2 \u00d7 10\u22123. This seems to be marginal, that is, not inconsistent with expected values, considering that the ratio of CR proton pressure to gas pressure is \u227210\u22122 \u221210\u22121 in ICMs as noted in Introduction. But we should point that the values of \u03bee and R1 in these two models are dominated by low-energy CR electrons with \u03b3e \u2272103 (see Figure 1), which do not contribute much to the synchrotron radiation observed in radio relics. So if the \u201cinjected\u201d population in M2B2.3I consists of electrons with \u03b3e \u2273103 only, the required values of \u03bee could be reduced by a factor of \u223c10, easing down the constraint. Since we do not understand fully the plasma interactions involved in the pre-acceleration and injection of electrons at the shock, the detailed spectral shape of those low energy electrons are very uncertain. The top panels of Figure 5 show the pro\ufb01les of the intensity, I\u03bd(r) = R j\u03bddl, at 6 cm (5 GHz), 20 cm (1.5 GHz), and 91 cm (0.33 GHz) in arbitrary units as a function of r for the M4.5B3.5I, M2B7S4.2 and M2B2.3I models. Here, the projection angle is set to be \u03c8 = 30\u25e6. Since the emissivity j\u03bd decreases downstream of the shock, while the path length increases with r, the pro\ufb01les of I\u03bd exhibit non-monotonic behaviors. For example, the pro\ufb01les at 6 cm show a slightly concave turnover before it decreases abruptly at r \u2248200 kpc. The middle panels show the spectral indices, \u03b16 20 (solid lines) calculated between 6 and 20 cm and \u03b120 91 (dashed lines) calculated between 20 and 91 cm, when the projection angle is set to be \u03c8 = 10\u25e6, 20\u25e6and 30\u25e6. The general trend is the increase of \u03b16 20 and \u03b120 91 as we move away from the projected shock edge at r = 0, re\ufb02ecting the e\ufb00ects of radiative cooling. Also \u03b16 20 > \u03b120 91, that is, the slope is steeper at higher frequencies. The bottom panels show the color-color diagram of \u03b120 91 versus \u03b16 20. The rightmost point (\u03b16 20 = \u03b120 91 = \u03b1s) corresponds to the projected shock edge. Away from the edge, the loci move towards the lower left direction. In both middle and bottom panels, the spectral slopes also show a slightly \f\u2013 16 \u2013 concave turnover for large projection angles of \u03c8 = 20\u25e6and 30\u25e6. Recently, van Weeren et al. (2012) reported the color-color diagram for the so-called \u201cToothbrush\u201d relic in cluster 1RXS J0603.3+4214, which shows a spectral behavior that is consistent with the cooled electron population downstream of the shock. 5. SUMMARY In an e\ufb00ort to re\ufb01ne our understandings of radio relics in clusters of galaxies, we have performed time-dependent, DSA simulations of CR electrons and calculated the synchrotron emission from CR electrons for plane-parallel shocks. The energy losses due to synchrotron and IC have been explicitly included. Weak shocks expected to be found in ICMs have been considered. Both the cases with and without pre-existing CR electrons have been considered. The relevant physics of DSA and cooling is well represented by plane-parallel shocks, since the time scales over which electrons are accelerated and cool are much shorter than the lifetime of merger shocks in clusters and the radio emission is con\ufb01ned to a region of small width behind the shock front. We then have modeled the synchrotron \ufb02ux and spectral distributions from spherical shocks by approximating them with plane-parallel shocks and projecting to the plane of the sky for the angle from +\u03c8 to \u2212\u03c8 along the LoS. For the speci\ufb01c models which are designed to reproduce radio relics in clusters CIZA J2242.8+5301 and ZwCl0008.8+5215, we have compared the resulting distributions with observed ones in details. The main results are summarized as follows: 1) The CR electron spectrum becomes steady, after the DSA gains balance the radiative losses. The spectrum at the shock location is well approximated by a distribution with superexponential cuto\ufb00at peq, fe,2(p) \u221dexp(\u2212p2/p2 eq). The full expressions of fe,2(p) and peq are given in equations (9) and (6). 2) The spectrum of the downstream CR electrons that have cooled for the advection time, t = d/u2, can be approximated with ge(p, d) = G [p/(1 \u2212d/u2trad)] at the distance d from the shock location. Here, G is the functional form of the spectrum at the shock location of d = 0. The synchrotron emission from this analytic formula provides a reasonable approximation to that calculated using DSA simulation results (see Figure 2). 3) Both the models of M = 4.5 shock without pre-existing CR electrons and M = 2 shock with pre-existing CR electrons of fe,1 \u221dp\u22124.2 may explain the observed properties of the radio relic in CIZA J2242.8+5301. The postshock electron CR number fraction of \u03bee \u223c10\u22127 in the injection-only model or the ratio of upstream CR electrons pressure to gas \f\u2013 17 \u2013 pressure of R1 \u223cseveral \u00d7 10\u22125 in the model with pre-existing CRs are required to explain the observed radio \ufb02ux of several mJy. Those values of \u03bee and R1 are modest enough to be accommodated in typical clusters. But the surface of the shock responsible for the relic should be highly elongated with the aspect ratio of \u223c3 \u22123.5. It would not be trivial for such structure to be induced in merger events in clusters. 4) The radio relic in ZwCl0008.8+5215 may be explained by the models of M = 2 shock with or without pre-existing CR electrons. However, in the injection-only model, \u03bee \u227310\u22124, required to explain the observed radio \ufb02ux of several mJy, is probably too large for the weak shock of M = 2. On the other hand, in the model with pre-existing CRs, R1 \u223c10\u22123, required to explain the observed \ufb02ux, seems to be marginal, that is, not inconsistent with expected values in clusters. In the model, then, the origin of such pre-existing electron population is an important topic, but beyond the scope of the present paper. 5) The color-color diagram of \u03b120 91 vs \u03b16 20 has been presented behind the projected shock edge. It includes an important information about the evolutionary properties of the postshock electrons. Due to the e\ufb00ect of the projection with limited subtended angle along the LoS for spherical shocks, the diagram behaves di\ufb00erently for di\ufb00erent projection angles. So it may provide an independent way to estimate the projection angle, which is a key parameter in modeling of radio relics. HK was supported by Basic Science Research Program through the National Research Foundation of Korea funded by the Ministry of Education, Science and Technology (20110002433). DR was supported by the National Research Foundation of Korea through grant 2007-0093860. TWJ was supported by NASA grant NNX09AH78G, NSF grant AST-0908668 and by the Minnesota Supercomputing Institute for Advanced Computational Research. We thanks R. J. van Weeren and L. Rudnick for discussions."
+ },
+ {
+ "url": "http://arxiv.org/abs/1102.3109v1",
+ "title": "Energy Spectrum Of Nonthermal Electrons Accelerated At A Plane Shock",
+ "abstract": "We calculate the energy spectra of cosmic ray (CR) protons and electrons at a\nplane shock with quasi-parallel magnetic fields, using time-dependent,\ndiffusive shock acceleration (DSA) simulations, including energy losses via\nsynchrotron emission and Inverse Compton (IC) scattering. A thermal leakage\ninjection model and a Bohm type diffusion coefficient are adopted. The electron\nspectrum at the shock becomes steady after the DSA energy gains balance the\nsynchrotron/IC losses, and it cuts off at the equilibrium momentum p_{eq}. In\nthe postshock region the cutoff momentum of the electron spectrum decreases\nwith the distance from the shock due to the energy losses and the thickness of\nthe spatial distribution of electrons scales as p^{-1}. Thus the slope of the\ndownstream integrated spectrum steepens by one power of p for p_{br}
1 due to the balance between DSA and cooling. On the contrary, high energy protons di\ufb00use much further both downstream and upstream as pmax \u221dt increases with time. The top panels of Figure 4 show the evolution of gp(p) and ge(p) at the shock (right panel) and at a upstream position (middle panel) at t = 3.7 \u00d7 102, 1.1 \u00d7 103, 1.8 \u00d7 103 yrs. Because t \u226bteq = 71.7 yrs, so the electron spectrum has already reached the steadystate, as can be seen in the \ufb01gure. In the right panel we also plot the downstream integrated electron spectrum, Ge,2 = R 0 \u2212\u221ege(p)dx, the upstream integrated electron spectrum, Ge,1 = R +\u221e 0 ge(p)dx. As discussed right after equation (16), Ge,2 (dashed lines) becomes a broken power-law which steepens from p\u2212q to p\u2212(q+1) above p > pbr(t) with an exponential cuto\ufb00at the higher momentum peq \u22482.4\u00d7104. We also see that the brake momentum decrease with time as pbr \u221dt\u22121. Note that the upstream integrated spectrum Ge,1 (dotted lines) has reached the steady-state, while, for p < pbr, the amplitude of the downstream spectrum Ge,2 increase linearly with time as the \ufb02ow advects downstream. Such a trend was seen in Figure 3 as well. Total volume integrated spectrum (solid lines) shows a small bump near the cuto\ufb00momentum due to the upstream contribution, which in turn will determine the exact shape of the cuto\ufb00of X-ray synchrotron emission. 4.2 CR Modi\ufb01ed Case With the injection parameter \u01ebB = 0.25, the CR injection and acceleration is e\ufb03cient enough to modify signi\ufb01cantly the shock structure. The CR injection \f8 KANG Fig. 5.\u2014 Proton and electron distribution functions, gp(x, p) and ge(x, p), in the phase-space at t/to = 0.4, 1, 3 for the CR modi\ufb01ed case shown in the bottom panels of Fig. 4. At each contour level, the value of g increases by a factor of 10. Note that the spatial span of the proton distribution shown here is [-4,+4], while that of the electron distribution is [-2,+2]. fraction becomes \u03be \u22485 \u00d7 10\u22124, and the postshock CR pressure is Pcr,2/\u03c10u2 s \u22480.29. So the postshock gas density, \u03c12/\u03c10 \u22485.6, is larger than \u03c3 = 4 for the gasdynamic shock. In such CR modi\ufb01ed shocks, the pressure from CRs di\ufb00using upstream compresses and decelerates the gas smoothly before it enters the subshock, creating a shock precursor (Kang & Jones 2007). With the assumed momentum-dependent di\ufb00usion, \u03ba(p), the particles of di\ufb00erent momenta, p, experience di\ufb00erent compressions, depending on their di\ufb00usion length, ld(p) = \u03ba(p)/us. The particles just above pinj sample mostly the compression across the subshock (\u03c3s = \u03c11/\u03c10), while those near pmax experience the total compression across the entire shock structure (\u03c3t = \u03c12/\u03c10). This leads to the particle distribution function that behaves as f(p) \u221dp\u22123\u03c3s/(\u03c3s\u22121) for p \u223cpinj, but \ufb02attens gradually to f(p) \u221dp\u22123\u03c3t/(\u03c3t\u22121) toward p \u223cpmax (Kang et al. 2009). The bottom panels of Figure 4 show the evolution of gp(p), ge(p) at the shock position (left panel) and at a upstream location (middle panel) and the volume integrated Ge(p) (right panel) as discussed before. The Alfv\u00b4 enic drift with vA = 0.44cs (MA = 45) are considered. Because of the development of a smooth precursor and the weaker subshock, both gp and ge at the shock are softer than the test-particle power-law spectra at lower momenta p/(mpc) < 102, while they are harder at higher momenta with a cuto\ufb00at pmax (proton spectrum) or peq (electron spectrum). Thus the CR spectrum exhibits the well-known concave curvature between the lowest and the highest momenta. Such concavity is re\ufb02ected in the volume integrated spectrum as well, so Ge is no longer a simple broken power-law as in the test-particle case. With the greater velocity jump (\u03c3t = 5.6), the acceleration is more e\ufb03cient and so there are more highest energy particles in the upstream region, compared to the test-particle case. As a result, the upstream integrated spectrum, Ge,1 (dotted lines) has a more pronounced peak at peq, compared to the test-particle case. This introduces an additional curvature in the total Ge spectrum. In fact, Ge,1 dominates over Ge,2 near peq, so the upstream contribution should determine the spectral shape of X-ray synchrotron emission. Thus the spectral slope in radio and the detail shape in X-ray of the observed synchrotron \ufb02ux can provide a measure of \fELECTRON SPECTRUM AT PLANE SHOCKS 9 nonlinear DSA feedback. Finally, Figure 5 shows the phase-space distribution of gp(x, p) and ge(x, p) for the CR modi\ufb01ed model with high injection rate. Because the postshock magnetic \ufb01eld strength, B2 = \u03c3tB0 = 5.6B0, is stronger, electrons cool down to lower energies, compared to the test-particle case shown in Figure 3. Enhanced cooling also reduces the thickness of the electron spatial distribution downstream of the shock. Again, we can see that at the highest energies of p/mpc > 104, the upstream electron components is more important than the downstream component. 5. SUMMARY Using the kinetic simulations of di\ufb00usive shock acceleration at a plane shock, we calculate the timedependent evolution of the CR proton and electron spectra, including electronic synchrotron/IC energy losses. Both protons and electrons are injected at the shock via thermal leakage injection and accelerated by DSA, while electrons are treated as test-particles. We adopt a momentum-dependent, Bohm-type di\ufb00usion coe\ufb03cient and assume that the magnetic \ufb01eld strength scales with the gas density. The proton spectrum at the shock, gp(xs, p), and the volume-integrated proton spectrum, Gp(p) extends to pmax in equation (9), which increases linearly with time. On the other hand, the electron spectrum at the shock, ge(xs, p), approaches to the time-asymptotic spectrum for the shock age t > teq in equation (16) . In that regime, our time-dependent results with a Bohmtype di\ufb00usion are qualitatively consistent with the analytic solutions for a stead-state plane shock, which were previously presented by several authors such as Heavens & Meisenheimer (1987) with momentumindependent \u03ba and Zirakashvili & Aharonian (2007) with momentum-dependent \u03ba(p). So we will re-iterate some of the major \ufb01ndings discussed by those authors and add new insights obtained from our nonlinear DSA simulations. 1) First of all, we re-derive two characteristic momenta: the cuto\ufb00momentum, peq in equation (15) (for the Bohm-type di\ufb00usion coe\ufb03cient) and the break momentum, pbr in equation (21). Note that peq is a timeasymptotic quantity that is achieved when the DSA energy gain balances the synchrotron/IC energy losses, while pbr is a time-dependent quantity that is determined by \u2019aging\u2019 of electrons due to synchrotron/IC cooling downstream of the shock. 2) The time-asymptotic electron distribution function at the shock, fe(xs, p), has a Gaussian cuto\ufb00as exp(\u2212p2/p2 eq), which agrees well with the analytic form suggested by Zirakashvili & Aharonian (2007). 3) Behind the shock synchrotron/IC cooling dominates over DSA, so the electron spectrum, fe(x, p), cuts o\ufb00at progressively lower pcut(d) \u2248(u2/DB2 e,2)d\u22121, which decrease with the distance, d = xs \u2212x, from the shock and is smaller than peq. This cuto\ufb00momentum is determined by the cooling rate DB2 e,2, independent of DSA. 3) The electron cooling can be represented by the advection of the distribution function ge(p) = fe(p)p4 in y = ln(p) space with the advection speed, V = \u2212DB2 ep (see Eq. [3]). This causes the electron spectrum, fe(x, p), cuts o\ufb00more sharply as the distance downstream from the shock increases. 4) Because the synchrotron/IC cooling time decreases with momentum as trad \u221dp\u22121, thickness of the electron distribution is inversely proportional to the momentum, i.e., \u2206x(p) = u2 \u00b7 trad \u221dp\u22121. Then the electron spectrum integrated over to the downstream region steepens as Fe,2(p) \u221dp\u2212(q+1) for pbr(t) < p < peq, when the spectrum at the shock is fe(xs, p) \u221dp\u2212q. The break momentum decreases with the shock age as pbr \u221dt\u22121 (see Eq. [21]). 5) Only highest energy electrons di\ufb00use upstream to the distance of d \u223c\u03ba(peq)/us, so the upstream integrated spectrum has a much harder spectrum than the downstream integrated spectrum and it peaks at peq. 6) For a CR modi\ufb01ed shock, both proton and electron spectra exhibit the well-known concave curvatures. Thus the volume integrated spectrum, Fe(p), cannot be represented by the canonical broken powerlaw spectrum. In this regime, the radio synchrotron index, \u03b1, could be steeper than 0.5 even for a high sonic Mach number. Also in the case of small Alfv\u00b4 enic Mach number (i.e., large B0 and small \u03c10), the spectral slope could be even steeper due to the Alfv\u00b4 enic drift e\ufb00ect. Moreover, detail analysis of the X-ray synchrotron emission near the cuto\ufb00frequency may provide some information about the e\ufb00ect of nonlinear DSA at shocks. Spectral characteristics of the synchrotron emission from a CR modi\ufb01ed shock will be presented elsewhere. ACKNOWLEDGMENTS This research was supported by Basic Science Research Program through the National Research Foundation of Korea (NRF) funded by the Ministry of Education, Science and Technology (2010-0016425)."
+ },
+ {
+ "url": "http://arxiv.org/abs/1102.2561v1",
+ "title": "Re-acceleration of Nonthermal Particles at Weak Cosmological Shock Waves",
+ "abstract": "We examine diffusive shock acceleration (DSA) of the pre-exisiting as well as\nfreshly injected populations of nonthermal, cosmic-ray (CR) particles at weak\ncosmological shocks. Assuming simple models for thermal leakage injection and\nAlfv\\'enic drift, we derive analytic, time-dependent solutions for the two\npopulations of CRs accelerated in the test-particle regime. We then compare\nthem with the results from kinetic DSA simulations for shock waves that are\nexpected to form in intracluster media and cluster outskirts in the course of\nlarge-scale structure formation. We show that the test-particle solutions\nprovide a good approximation for the pressure and spectrum of CRs accelerated\nat these weak shocks. Since the injection is extremely inefficient at weak\nshocks, the pre-existing CR population dominates over the injected population.\nIf the pressure due to pre-existing CR protons is about 5 % of the gas thermal\npressure in the upstream flow, the downstream CR pressure can absorb typically\na few to 10 % of the shock ram pressure at shocks with the Mach number $M \\la\n3$. Yet, the re-acceleration of CR electrons can result in a substantial\nsynchrotron emission behind the shock. The enhancement in synchrotron radiation\nacross the shock is estimated to be about a few to several for $M \\sim 1.5$ and\n$10^2-10^3$ for $M \\sim 3$, depending on the detail model parameters. The\nimplication of our findings for observed bright radio relics is discussed.",
+ "authors": "Hyesung Kang, Dongsu Ryu",
+ "published": "2011-02-13",
+ "updated": "2011-02-13",
+ "primary_cat": "astro-ph.CO",
+ "cats": [
+ "astro-ph.CO"
+ ],
+ "main_content": "INTRODUCTION Cosmological shock waves result from supersonic \ufb02ow motions induced by hierarchical clustering during the large-scale structure formation in the Universe (Miniati et al. 2000; Ryu et al. 2003). According to studies based on cosmological hydrodynamic simulations, the shocks formed by merger of subclumps, infall of matter and internal \ufb02ow motion in intracluster media (ICMs) and cluster outskirts are relatively weak with Mach number M \u2272a few (Ryu et al. 2003; Pfrommer et al. 2006; Kang et al. 2007; Skillman et al. 2008; Hoeft et al. 2008; Vazza et al. 2009). Indeed, observations of X-ray shocks (e.g., Markevitch et al. 2002, 2005; Markevitch & Vikhlinin 2007) and radio relics (e.g., Bagchi et al. 2006; Finoguenov et al. 2010; van Weeren et al. 2010) indicate that the estimated Mach number of observed shocks in cluster environments is consistent with such theoretical predictions. Suprathermal particles are known to be produced as an inevitable consequence of the formation of collisionless shocks in tenuous plasmas and they can be further accelerated to become cosmic rays (CRs) through interactions with resonantly scattering Alfv\u00b4 en waves in the converging \ufb02ow across a shock (Bell 1978; Drury 1983; Malkov & Drury 2001). Detailed nonlinear treatments of di\ufb00usive shock acceleration (DSA) have predicted that at strong shocks a signi\ufb01cant fraction of the shock kinetic energy is transferred to CRs, inducing highly nonlinear back-reactions from CRs to the underlying \ufb02ow (e.g., Amato & Blasi 2006; Vladimirov et al. 2006; Kang & Jones 2007). Multi-band observations of nonthermal radio to \u03b3-ray emissions have con\ufb01rmed the acceleration of CR electrons and protons up to 100 TeV at young supernova remnants (e.g. Parizot et al. 2006; Reynolds 2008; Abdo et al. 2010). The presence of nonthermal particles, especially electrons, in clusters of galaxies, has been inferred from observations of synchrotron emission from radio halos and relics (see, e.g., Carilli & Taylor 2002; Govoni & Feretti 2004, for review). Since the matter in ICMs and cluster outskirts should have gone \ufb01rst through accretion shocks of high Mach number around nonlinear structures and then through weaker shocks due to mergers and \ufb02ow motion (Ryu et al. 2003; Kang et al. 2007), DSA should be responsible for at least a part of the CR production. Nonthermal particles can be also produced via turbulent acceleration (see, e.g., Cassano & Brunetti 2005; Brunetti & Lazarian 2007). Recent Fermi observations of \u03b3-ray emission from galaxy clusters, however, limit that the pressure due to CR protons cannot exceed \u223c10 % of the gas thermal pressure (Abdo et al. 2010; Donnert et al. 2010). At weak shocks with M \u2272a few, DSA is known to be rather ine\ufb03cient and the CR pressure remains dynamically insigni\ufb01cant, partly because the injection from thermal to nonthermal particles is ine\ufb03cient (e.g., Kang et al. 2002). In such test-particle regime, the downstream CR spectrum takes the power-law form of f2(p) \u221dp\u2212q, where the spectral slope, q, depends on the velocity jump across the shock (Drury 1983). Recently, Kang & Ryu \f\u2013 3 \u2013 (2010) suggested analytic, time-dependent solutions for the test-particle CR spectrum, using results from DSA simulations in which particles are injected via thermal leakage process and accelerated to ever increasing maximum momentum, pmax(t). They found that at weak shocks expected to form in ICMs and cluster outskirts, indeed, much less than \u223c10\u22123 of particles are injected into CRs and much less than \u223c1% of the shock ram pressure is converted into the downstream pressure of CR protons, so the particle acceleration is virtually negligible. However, the recent discovery of very bright radio relics associated with weak shocks of M \u2272a few (e.g., Bagchi et al. 2006; Finoguenov et al. 2010; van Weeren et al. 2010) suggests that, contrary to the expectation, DSA should operate at weak shocks in cluster environments. One way to explain this is to presume that the relics form in media with pre-existing CRs which were produced by DSA at previous shocks and/or by turbulent acceleration. The existence of pre-exiting CRs alleviates the problem of ine\ufb03cient injection at weak shocks. In this paper, we examine the DSA at weak cosmological shocks in the presence of pre-existing CRs. First, the properties of weak shocks in ICMs and cluster outskirts are brie\ufb02y reviewed in Section 2. Analytic, time-dependent solutions for the acceleration of the pre-existing and freshly injected populations of CRs in the test-particle regime is described in Section 3, while the numerical solutions from kinetic DSA simulations are presented in Section 4. The synchrotron radiation from CR electrons accelerated at these shocks is discussed in Section 5. Finally, a brief summary is given in Section 6. 2. SHOCK WAVES IN ICMS AND CLUSTER OUTSKIRTS Shock waves in the large-scale structure of the universe have been studied in details using various hydrodynamic simulations for the cold dark matter cosmology with cosmological constant (\u039bCDM) (Ryu et al. 2003; Pfrommer et al. 2006; Kang et al. 2007; Skillman et al. 2008; Hoeft et al. 2008; Vazza et al. 2009). It was found that shocks with Mach number typically up to M \u223c103 and speed up to us \u223ca few \u00d71000 km s\u22121 at the present universe (z = 0). In ICMs and cluster outskirts, however, shocks are expected to have lower Mach number, because they form in the hot gas of kT \u2273keV. To examine the characteristics of shocks in ICMs and cluster outskirts, we analyze the shocks with the preshock gas temperature of T1 > 107 K. The cosmic web is \ufb01lled with ionized plasmas, the intergalactic medium (Cen & Ostriker 1999; Kang et al. 2005). The hot gas with T > 107 K is found mostly in ICMs and cluster outskirts, and the Warm Hot Intergalactic Medium (WHIM) with 105 K < T < 107 K is distributed mostly in \ufb01laments. \f\u2013 4 \u2013 The di\ufb00use gas with T < 105 K resides mainly in sheetlike structures and voids. The shocks were found in a simulation of the WMAP1-normalized \u039bCDM cosmology employed the following parameters: \u2126b = 0.048, \u2126m = 0.31, \u2126\u039b = 0.69, h \u2261H0/(100 km/s/Mpc) = 0.69, \u03c38 = 0.89, and n = 0.97. The simulation was performed using a PM/Eulerian hydrodynamic cosmology code (Ryu et al. 1993). Detailed descriptions for numerical set-up and input physical ingredients can be found in Cen & Ostriker (2006). The procedure to identify shocks was described in details in Ryu et al. (2003). Figure 1 shows the surface area of shocks with T1 > 107 K per Mach number interval in the entire simulation volume, normalized by the volume. Here, S is given in units of (h\u22121Mpc)\u22121. The quantity S provides a measure of shock frequency or the inverse of the mean comoving distance between shock surfaces. To avoid confusion from complex \ufb02ow patterns and shock surface topologies associated with very weak shocks, only those portions of shock surfaces with M \u22651.5 are shown. We also calculated the incident shock kinetic energy \ufb02ux, F\u03c6 = (1/2)\u03c11u3 s, where \u03c11 is the preshock gas density, and then the kinetic energy \ufb02ux through shock surfaces per Mach number interval, normalized by the simulation volume, dF\u03c6(M)/dM. Figure 1 shows dF\u03c6(M)/dM, too. As expected, the Mach number of the shocks formed in ICMs and cluster outskirts is small, typically M \u22723. The frequency increases to weakest possible shocks with M \u223c1. The kinetic energy \ufb02ux through shock surfaces is larger for weaker shocks; that is, weaker shocks process more shock energy, con\ufb01rming the energetic dominance of weak shocks in cluster environments. 3. ANALYTIC TEST-PARTICLE SPECTRUM In the kinetic DSA approach, the following di\ufb00usion-convection equation for the pitchangle-averaged distribution function of CRs, f(x, p, t), is solved along with suitably modi\ufb01ed gasdynamic equations: \u2202f \u2202t + (u + uw)\u2202f \u2202x = p 3 \u2202(u + uw) \u2202x \u2202f \u2202p + \u2202 \u2202x \u0014 \u03ba(x, p)\u2202f \u2202x \u0015 , (1) where \u03ba(x, p) is the spatial di\ufb00usion coe\ufb03cient and uw is the drift speed of the local Alfv\u00b4 enic wave turbulence with respect to the plasma (Skilling 1975). The scattering by Alfv\u00b4 en waves tends to isotropize the CR distribution in the wave frame, which may drift upstream at the Alfv\u00b4 en speed, vA, with respect to the bulk plasma. So the wave speed is set to be uw = \u2212vA upstream of shock, while uw = 0 downstream. In the test-particle regime where the feedback due to the CR pressure is negligible, the downstream CR distribution can be described with a power-law spectrum, f2(p) \u221dp\u2212q, and \f\u2013 5 \u2013 the slope is given by q = 3(u1 \u2212vA) u1 \u2212vA \u2212u2 = 3\u03c3(1 \u2212M\u22121 A ) (\u03c3 \u22121 \u2212\u03c3M\u22121 A ), (2) where u1 and u2 are the upstream and downstream \ufb02ow speeds, respectively, in the shock rest frame, \u03c3 = u1/u2 = \u03c12/\u03c11 is the shock compression ratio, and MA = u1/vA is the upstream Alfv\u00b4 en Mach number with vA = B1/\u221a4\u03c0\u03c11 (Drury 1983; Kang & Ryu 2010). The test-particle power-law slope q can be calculated as a function of shock Mach number M with \u03c3 = [(\u03b3g + 1)M2]/[(\u03b3g \u22121)M2 + 2], which becomes 4M2/(M2 + 3) for a gas adiabatic index \u03b3g = 5/3, and MA = M/\u03b4. Here, \u03b4 \u2261vA/cs is the Alfv\u00b4 en speed parameter, where cs is the upstream sound speed. The maximum momentum of CR protons achieved by the shock age of t can be estimated as pmax(t) \u2248mpc \u0014(1 \u2212M\u22121 A )(\u03c3 \u22121 \u2212\u03c3M\u22121 A ) 3\u03c3(2 \u2212M\u22121 A ) \u0015 u2 s \u03ba\u2217t, (3) where us = u1 is the shock speed (Drury 1983; Kang & Ryu 2010). Here, a Bohm-type di\ufb00usion coe\ufb03cient, \u03ba(p) = \u03ba\u2217 \u0012 p mpc \u0013 \u0012\u03c10 \u03c1 \u0013 , (4) is adopted, where \u03ba\u2217= mpc3/(3eB0) = 3.13 \u00d7 1022(B0/1 \u00b5G)\u22121cm2s\u22121, B0 and \u03c10 are magnetic \ufb01eld strength and the gas density far upstream. In CR-modi\ufb01ed shocks where CRs are dynamically non-negligible, in general, the upstream \ufb02ow is decelerated in the precursor before it enters the gas subshock. So we use the subscripts \u201c0\u201d, \u201c1\u201d, and \u201c2\u201d to denote the conditions far upstream, immediate upstream and downstream of shock, respectively. Of course, in the test-particle limit, the distinction between far and immediate upstream quantities disappears, e.g., \u03c10 = \u03c11. In the limit of large M (\u03c3 \u22484) and large MA (\u03b4 \u22480), the maximum energy of CR protons can be approximated by Emax,p \u2248u2 st 8\u03ba\u2217mpc2 \u22481010 GeV \u0010 us 103kms\u22121 \u00112 \u0012 t 109yrs \u0013 \u0012 B0 1 \u00b5G \u0013 . (5) The CR proton spectrum limited by the shock age is expected to have a cuto\ufb00at around \u223cpmax(t) (see Section 3.3 for further discussion). 3.1. Pre-existing Population As noted in Introduction, it seems natural to assume that ICMs and cluster outskirts contain pre-existing CRs. But their nature is not well constrained, except that Pc \u22720.1Pg, \f\u2013 6 \u2013 i.e., the pressure of CR protons is less that \u223c10 % of the gas thermal pressure (e.g., Abdo et al. 2010; Donnert et al. 2010). With pre-existing CRs of spectrum f0(p) upstream of shock, the steady-state, test-particle solution of Equation (1) for the downstream CR distribution can be written as f2(p) = qp\u2212q Z p pinj p\u2032q\u22121f0(p\u2032)dp\u2032 + finj \u0012 p pinj \u0013\u2212q , (6) where q is the test-particle power-law slope given in Equation (2) (Drury 1983). Here, pinj is the lowest momentum boundary above which particles can cross the shock, i.e., the injection momentum (see the next subsection). By this de\ufb01nition of pinj, the CR distribution function, f0 = 0 and f2 = 0 for p < pinj. The \ufb01rst term in the right-hand-side of Equation (6) represents the re-accelerated population of pre-existing CRs, while the second term represents the population of CRs freshly injected at the shock and will be discussed in the next subsection. We adopt a power-law form, f0(p) = fpre \u00b7 (p/pinj)\u2212s, with the slope s = 4 \u22125, as the model spectrum for pre-existing CR protons. If pre-existing CRs were generated at previous shocks, the slope of s = 4 \u22125 is achieved for M \u2265 \u221a 5 with \u03b4 = 0 (see Equation (2)). On the other hand, if they are mainly the outcome of turbulent acceleration, the slope should be close to s \u223c4 (see, e.g., Chandran 2005). Then, the spectrum of re-accelerated CRs is obtained by direct integration: f reac 2 (p) = \u001a [q/(q \u2212s)] [1 \u2212(p/pinj)\u2212q+s] f0(p), if q \u0338= s q ln(p/pinj)f0(p), if q = s. (7) If q \u0338= s, for p \u226bpinj, f reac 2 (p) = q |q \u2212s|fpre \u0012 p pinj \u0013\u2212r , (8) where r = min(q, s). That is, if the spectral slope of pre-existing CRs is softer than the test-particle slope (s > q), the re-accelerated CR spectrum gets \ufb02attened to p\u2212q by DSA; in the opposite case (s < q), the re-accelerated CR spectrum is simply ampli\ufb01ed by the factor of q/(q \u2212s) and retains the same slope as the slope of pre-existing CRs. Figure 2 shows the re-accelerated CR distribution given in Equation (7) for a M = 3 shock in the presence of the pre-existing power-law CR spectrum with the slope s = 4 and 4.5 (right panel) and s = 5 (left panel). The Alfv\u00b4 enic drift is ignored (\u03b4 = 0), so the test-particle slope is q = 4.5. Here, we adopted the following parameters: the upstream gas temperature T0 = 107 K and the injection parameter \u01ebB = 0.25, resulting in pinj = 8.0 \u00d7 10\u22123mpc (see the next subsection for details of our injection model). The \ufb01gure illustrates that for p \u226bpinj, the CR ampli\ufb01cation factor, f2(p)/f0(p), approaches a constant, q/(q \u2212s) = 9, in the case of s = 4, increases as ln(p/pinj) in the case of \f\u2013 7 \u2013 q = s = 4.5, and scales as (p/pinj)s\u2212q in the case of s = 5. So, for instance, the factor becomes f2/f0 = 32 and 310 at p/mpc = 10 for s = 4.5 and 5, respectively. We point that these values of the CR ampli\ufb01cation factor are substantially larger than those expected for the adiabatic compression across the shock. With pre-existing CRs of f0 \u221dp\u2212s, the ampli\ufb01cation factor due to the adiabatic compression is given by f adb 2 /f0 = \u03c3s/3 (9) in the test-particle regime. So the adiabatic ampli\ufb01cation factor is f adb 2 /f0 = 4.3, 5.2, and 6.2 and for s = 4, 4.5 and 5, respectively, at a Mach 3 shock. Note that the adiabatic compression does not change the slope of the CR spectrum. The left panel of Figure 2 also shows the time evolution of the CR distribution at the shock location, fs(p, t), from a DSA simulation for the same set of parameters (see Section 4 for details of DSA simulations). The CR injection was turned o\ufb00for this particular simulation in order to compare the analytic and numerical solutions only for pre-existing CRs. This demonstrates that the time-dependent solution asymptotes to the steady-state solution in Equation (7). 3.2. Injected Population Because complex plasma interactions among CRs, waves, and the underlying gas \ufb02ow are not fully understood yet, it is not possible to make a precise quantitative prediction for the injection process from \ufb01rst principles (e.g., Malkov & Drury 2001). Here, we adopt a phenomenological injection model that can emulate the thermal leakage process, through which particles above a certain injection momentum pinj cross the shock and get injected to the CR population (Kang et al. 2002; Kang & Ryu 2010). Then, the CR distribution function at pinj is anchored to the downstream Maxwellian distribution as finj = f(pinj) = n2 \u03c01.5 p\u22123 th exp \u0000\u2212Q2 inj \u0001 , (10) where n2 is the downstream proton number density. Here, pinj and Qinj are de\ufb01ned as Qinj(M) \u2261pinj pth \u22481.17mpu2 pth \u0012 1 + 1.07 \u01ebB \u0013 \u0012M 3 \u00130.1 , (11) where pth = p 2mpkBT2 is the thermal peak momentum of the downstream gas with temperature T2 and kB is the Boltzmann constant. We note that the functional form of Qinj was adopted to represent an \u201ce\ufb00ective\u201d injection momentum, since particles in the suprathermal \f\u2013 8 \u2013 tail can cross the shock with a smoothly-varying probability distribution (see Kang et al. 2002). One free parameter that controls the leakage process is the injection parameter, \u01ebB = B0/B\u22a5, which is the ratio of the general magnetic \ufb01eld along the shock normal, B0, to the amplitude of the downstream, magnetohydrodynamic (MHD) wave turbulence, B\u22a5. Although plasma hybrid simulations and theories both suggested that 0.25 \u2272\u01ebB \u22720.35 (Malkov & V\u00a8 olk 1998), the physical range of this parameter remains to be rather uncertain due to lack of full understanding of relevant plasma interactions. The second term in Equation (6) is \ufb01xed by q, pinj, and finj. The fraction of particles injected into the CR population can be estimated analytically as well: \u03be \u2261nCR n2 = 4 \u221a\u03c0Q3 inj exp \u0000\u2212Q2 inj \u0001 1 q \u22123, (12) which is \ufb01xed only by Qinj and q. The injection fraction depends strongly on \u01ebB (through Qinj) for weak shocks with M \u22725 (see also Kang & Ryu 2010). For example, it varies from 5 \u00d7 10\u22125 to 10\u22123 for \u01ebB = 0.25 \u22120.3 for shocks with M = 3. 3.3. Cosmic-Ray Spectrum for Weak Shocks Kang & Ryu (2010) demonstrated that the time-dependent, test-particle solutions of the downstream CR distribution can be represented by the steady-state, test-particle solutions with an exponential cuto\ufb00(Caprioli et al. 2009), if the cuto\ufb00momentum is set as p\u2217\u2248 1.2 pmax(t) with pmax(t) in Equation (3). Here, we suggest that the same cuto\ufb00would be applied to the spectrum of re-accelerated CRs. Then, the CR distribution at the shock location, xs, originated from both the pre-existing and freshly injected populations can be approximated by fs(p, t) \u2261f2(xs, p, t) \u2248 \" f reac 2 (p) + finj \u00b7 \u0012 p pinj \u0013\u2212q# \u00b7 exp [\u2212qC(z)] , (13) where f reac 2 (p) is given in Equation (7) and z = p/p\u2217. The function C(z) is de\ufb01ned as C(z) = Z z zinj dz\u2032 z\u2032 1 exp(1/z\u2032) \u22121, (14) where zinj = pinj/p\u2217(Kang & Ryu 2010). Of course, for p > p\u2217, the acceleration is limited by the shock age and so pre-existing CRs will be simply advected downstream, resulting in fs(p) \u2248f0(p). These particles, however, do not make any signi\ufb01cant contribution to the downstream CR pressure, if the pre-existing power-law spectrum has the slope s > 4 (see below). \f\u2013 9 \u2013 4. COMPARISON WITH NUMERICAL SOLUTIONS 4.1. Set-up for DSA Simulations We carried out kinetic DSA simulations in order to test the time-dependent features of the test-particle solution in Equation (13). Also for shocks with typically M \u2273a few, the evolution of CR-modi\ufb01ed shocks should be followed by DSA simulations, because the nonlinear feedback of CRs becomes important (Kang & Ryu 2010). We used the CRASH (Cosmic-Ray Acceleration SHock) code for quasi-parallel shock, in which the di\ufb00usion-convection equation (1) is solved along with the gasdynamic equation modi\ufb01ed for the e\ufb00ects of the CR pressure (Kang et al. 2002). We considered shocks with a wide range of Mach number, M = 1.5\u22125, propagating into typical ICMs and cluster outskirts of T0 = 107 K; the shock speed is us = M\u00b7474 km s\u22121. The di\ufb00usion in Equation (4) was used. In the code units, the di\ufb00usion coe\ufb03cient is normalized with \u03bao = 103\u03ba\u2217for numerical simulations. Then, the length and time scales are given as lo = \u03bao/us and to = \u03bao/u2 s, respectively. Since the \ufb02ow structure and Pc pro\ufb01le evolve self-similarly, a speci\ufb01c physical value of \u03bao matters only in the determination of pmax at a given simulation time. For instance, pmax/mpc \u2248103 is achieved by the termination time of t/to = 10 in our simulations. Simulations start with purely gasdynamic shocks initially at rest at xs = 0, and the gas adiabatic index is \u03b3g = 5/3. As for the pre-existing CRs, we adopted f0(p) = fpre(p/pinj)\u2212s for their spectrum. The amplitude, fpre, is set by the ratio of the upstream CR to gas pressure, R \u2261Pc,0/Pg,0, and we consider R = 0.01 \u22120.1. We note that with the same value of R, the amplitude fpre is larger for softer pre-existing spectrum, i.e., larger s. To examine the e\ufb00ects of Alfv\u00b4 enic drift, in addition to the models with \u03b4 = 0, we consider \u03b4 = 0.42 as a \ufb01ducial value, which corresponds to EB \u223c0.1Eg, i.e., the magnetic \ufb01eld energy density of \u223c10 % of the gas thermal energy density. Finally, we consider \u01ebB = 0.25 \u22120.3 for the injection parameter. 4.2. CR Proton Spectrum and CR Pressure Figure 3 shows the CR pressure pro\ufb01le and the CR distribution at the shock location, fs, from DSA simulations for a Mach 3 shock. In the cases with pre-existing CRs in (b) and (c), the steady-state solution without injection given in Equation (7) (dot-dashed line) is also shown for comparison. As CRs are accelerated to ever high energies (pmax \u221dt), the scale length of the CR pressure increases linearly with time, ld(pmax) \u221dust (Kang et al. 2009). Left panels demonstrate that the CR pressure pro\ufb01le evolves in a self-similar fashion, \f\u2013 10 \u2013 depending approximately only on the similarity variable, x/(ust). Right panels indicate that fs can be well approximated with the form in Equation (13), i.e., the acceleration of pre-existing and injected CRs along with an exponential cuto\ufb00at pmax(t). Comparing the cases in (a) and (b), we see that with the same injection parameter, the presence of pre-existing CRs results in higher downstream CR pressure, and that the re-accelerated pre-existing population dominates over the injected population. The presence of pre-existing CRs acts e\ufb00ectively as a higher injection rate than the thermal leakage alone, leading to the greatly enhanced CR acceleration e\ufb03ciency. For the case with \u01ebB = 0.3 in (c), the injection rate is much higher than that of the case with \u01ebB = 0.25, yet the injected population makes a non-negligible contribution only near pinj. In Figure 4, we compare the spectrum of re-accelerated CRs from the steady-state solutions without injection (left panels) and the CR spectrum at the shock location from the time-dependent solutions of DSA simulations at t/to = 10 (right panels), in order to demonstrate the relative importance of the acceleration of the pre-existing and the injected populations. Di\ufb00erent values of M and s are considered, but R = 0.05, \u03b4 = 0.42, and \u01ebB = 0.25 are \ufb01xed. As noted before, with the same R, the amplitude fpre of the preexisting CR spectrum is larger for larger s, so the re-acceleration of pre-existing population is relatively more important. The \ufb01gure indicates that for most cases considered, the reaccelerated pre-existing population dominates over the injected population for the considered range of Mach number. Only for the cases with s = 4 and M \u22733, the freshly injected population makes a noticeable contribution. Figure 5 shows the downstream CR pressure, Pc,2, relative to the shock ram pressure, \u03c10u2 s, and to the downstream gas thermal pressure, Pg,2, as a function of shock Mach number M for di\ufb00erent values of R, s, and \u03b4. Again, \u01ebB = 0.25 in all the cases. As shown in the top panels, without pre-existing CRs, both Pc,2/\u03c10u2 s and Pc,2/Pg,2 steeply increase with M, because both the injection and acceleration e\ufb03ciencies depend strongly on M. For shocks with M \u22735, Pc,2/(\u03c10u2 s) \u22730.1 and the nonlinear feedback begins to be noticeable. The feedback reduces the CR injection and saturates the CR acceleration, so Pc,2 from DSA simulations becomes smaller than the analytic estimates in the test-particle limit (see also Kang & Ryu 2010). Also the top panels compare the models with \u03b4 = 0 and \u03b4 = 0.42, demonstrating that the Alfv\u00b4 enic drift softens the accelerated spectrum and reduces the CR pressure. In (b) panels, the cases with di\ufb00erent upstream CR pressure fractions are compared: Pc,2 increases almost linearly with R at shocks with M \u22723 in the test-particle regime, while the CR acceleration begins to show the saturation e\ufb00ect for M \u22734. With pre-existing CRs, both Pc,2/\u03c10u2 s and Pc,2/Pg,2 are substantially larger, compared to the case with R = 0, \f\u2013 11 \u2013 especially for M \u22723, con\ufb01rming the dominance of the re-accelerated pre-existing population over the injected population at weak shocks. In (c) panels, the cases with di\ufb00erent pre-existing slopes are compared; with softer spectrum (larger s), the amplitude fpre is larger and the CR acceleration is more e\ufb03cient, as described above with Figure 4. In (d) panels, the same cases as in (c) panels except \u03b4 = 0 are shown, demonstrating again the e\ufb00ects of Alfv\u00b4 enic drift. These results indicate that at shocks with M \u22723 in ICMs and cluster outskirts, the downstream CR pressure is typically a few to 10 % of either the shock ram pressure or the downstream gas thermal pressure. Even in the cases where the pre-existing CR population takes up to 10 % of the gas thermal pressure in the upstream \ufb02ow, Pc,2/Pg,2 \u22720.1 in the downstream \ufb02ow. This is consistent with the Fermi upper limit (Abdo et al. 2010; Donnert et al. 2010). 5. CR ELECTRONS AND SYNCHROTRON RADIATION Since DSA operates on relativistic particles of the same rigidity (R = pc/Ze) in the same way, both electrons and protons are expected to be accelerated at shocks. However, electrons lose energy, mainly by synchrotron emission and Inverse Compton (IC) scattering, and the injection of postshock thermal electrons is believed to be much less e\ufb03cient, compared to protons. The maximum energy of CR electrons accelerated at shocks can be estimated by the condition that the momentum gain per cycle by DSA is equal to the synchrotron/IC loss per cycle, i.e., \u27e8\u2206p\u27e9DSA + \u27e8\u2206p\u27e9rad=0 (see Webb et al. 1984; Zirakashvili & Aharonian 2007). With the assumed Bohm-type di\ufb00usion coe\ufb03cient, the electron spectrum has a cuto\ufb00at pcut \u2248 m2 ec2 p 4e3/27 us \u221aq s B0 B2 0,e\ufb00+ B2 2,e\ufb00 (in cgs units) \u2248 340TeV c \u0012 us 103 km s\u22121\u22121 \u0013 s (B0/1 \u00b5G) q [(B0,e\ufb00/1 \u00b5G)2 + (B2,e\ufb00/1 \u00b5G)2], (15) where Be\ufb00= (B2 + B2 CMB)1/2 with BCMB = 3.24 \u00d7 10\u22126 G is the e\ufb00ective magnetic \ufb01eld strength for synchrotron and IC coolings upstream and downstream of shock, and \u03b4 = 0 was assumed. Note that the electron cuto\ufb00energy is a time-asymptotic quantity that depends only on the shock speed and the magnetic \ufb01eld strength, independent of the shock age. For a Mach 3 shock and B0 = 1 \u00b5G, for example, the shock jump condition gives \u03c3 = 3, \f\u2013 12 \u2013 q = 4.5 (with \u03b4 = 0) and B2 = 3\u00b5G (assuming B \u221d\u03c1), resulting in the cuto\ufb00Lorentz factor, \u03b3e,cut = pcut/mec \u22485.6 \u00d7 107 (us/1000 km s\u22121). Thus, we may model the downstream electron spectrum as fe,2(p) \u2248Ke/p fp,2(p) exp \u0012 \u2212p2 p2 cut \u0013 , (16) where fp,2(p) is the downstream proton spectrum (Zirakashvili & Aharonian 2007). The electron-to-proton number ratio, Ke/p, is not yet constrained precisely by plasma physics (see, e.g., Reynolds 2008). Although Ke/p \u223c10\u22122 is inferred for the Galactic CRs (Schlickeiser 2002), a much smaller value, Ke/p \u227210\u22124, is preferred for young supernova remnants (Morlino et al. 2009). However, Ke/p for the pre-existing population in ICMs and cluster outskirts could be quite di\ufb00erent from these estimates. Next, from the electron spectrum in Equation(16), we consider the synchrotron emission. The averaged rate of synchrotron emission at photon frequency \u03bd from a single relativistic electron with Lorentz factor \u03b3e can be written as \u27e8P\u03bd(\u03b3e)\u27e9= 4 3c\u03c3T \u03b22UB\u03b32 e\u03c6\u03bd(\u03b3e), (17) where \u03b2 is the particle speed in units of c, \u03c3T is the Thomson cross section, and UB is the magnetic energy density (see, e.g., Shu 1991). The frequency distribution function, \u03c6\u03bd(\u03b3e), which satis\ufb01es the normalization R \u03c6\u03bd(\u03b3)d\u03bd = 1, peaks at \u03bdpeak \u2248\u03b32 e\u03bdL = 280 \u0012 B 1 \u00b5G \u0013 \u0010 \u03b3e 104 \u00112 MHz, (18) where \u03bdL = eB/mec is the Larmor frequency. If we approximate that the synchrotron radiation is emitted mostly at \u03bd = \u03bdpeak (i.e., \u03c6\u03bd(\u03b3) is replaced by a delta function centered at \u03bd = \u03bdpeak), the synchrotron volume emissivity from the CR electron number density, ne(\u03b3e)d\u03b3e = fe(p)p2dp, becomes J(\u03bd) \u22482 3c\u03c3T\u03b22UB \u03b3e \u03bdL ne(\u03b3e), (19) with \u03b3e corresponding to the given \u03bdpeak = \u03bd in Equation (18). So the ratio of the downstream to upstream synchrotron emissivity at a given frequency \u03bd can be written as J2(\u03bd) J0(\u03bd) \u2248B2 B0 \u03b33 e,2fe,2(\u03b3e,2) \u03b33 e,0fe,0(\u03b3e,0), (20) where \u03b3e,0 and \u03b3e,2 are the Lorenz factor that corresponds to the given \u03bdpeak = \u03bd in Equation (18) for upstream \ufb01eld B0 and downstream \ufb01eld B2, respectively. \f\u2013 13 \u2013 For power-law spectra, the ratio J2(\u03bd)/J0(\u03bd) can be written in a more intuitive form. If the ratio Ke/p of the pre-existing population is comparable to or greater than that of the injected population, pre-existing electrons are more important than injected electrons at weak shocks of M \u22723, as pointed out in the previous section. Then, the downstream electron spectrum fe,2 can be approximated by the distribution function in Equation (7) with a Gaussian cuto\ufb00, exp(\u2212p2/p2 cut). Again adopting fe,0(\u03b3e) \u221d\u03b3\u2212s e for pre-existing CR electrons, the downstream spectrum is fe,2(\u03b3e) \u221d\u03b3\u2212r e , (unless q = s) for \u03b3e < \u03b3e,cut \u2261pcut/mec. Then, the ratio of the downstream to upstream synchrotron emissivity at \u03bd becomes J2(\u03bd) J0(\u03bd) \u2248 B(r\u22121)/2 2,\u00b5G B(s\u22121)/2 0,\u00b5G ! \u0014fe,2(\u03b3e) fe,0(\u03b3e) \u0015 \u03b3e=104 \u0010 \u03bd 280 MHz \u0011(s\u2212r)/2 \u2248 \u03c3w(r\u22121)/2B\u2212(s\u2212r)/2 0,\u00b5G \u0014fe,2(\u03b3e) fe,0(\u03b3e) \u0015 \u03b3e=104 \u0010 \u03bd 280 MHz \u0011(s\u2212r)/2 , (21) where B0,\u00b5G and B2,\u00b5G are the upstream and downstream magnetic \ufb01eld strengths in units of \u00b5G. In the second step, we assumed that B2/B0 = (\u03c12/\u03c10)w = \u03c3w, where w = 1 corresponds to B \u221d\u03c1 implied by the di\ufb00usion model in Equation (4), Figure 6 shows fe,0(\u03b3e)/fe,2(\u03b3e) at \u03b3e = 104, and (J2/J1)280 \u2261J2(\u03bd)/J0(\u03bd) at \u03bd = 280 MHz for B0 = 1\u00b5G and w = 1 for the cases considered in Figure 5. Here, we assume that Ke/p is the same for both the pre-existing and injected populations. Since the electron cuto\ufb00 momentum is \u03b3cut \u223c108 for the shock parameters considered here, the choice of \u03b3e = 104 and \u03bd = 280 MHz (see Equation(18)) as the representative values should be safe. As shown in Figure 5, for M \u22723, the downstream CR proton pressure can absorb typically only a few to 10% of the shock ram pressure even for R = 0.05. Yet, the acceleration of CR electrons can result in a substantial enhancement in synchrotron radiation across the shock. Our estimation indicates that the enhancement factor, (J2/J1)280, can be up to several at shocks with M \u223c1.5, up to several 10s for M \u223c2, and up to several 100s for M \u223c3. This is partly due to the large enhancement of the electron population across the shock, fe,2/fe,0, which is typically an order of magnitude smaller than the ratio (J2/J0)280. Additional enhancement comes from the ampli\ufb01cation of magnetic \ufb01elds across the shock, B2/B0. We note that for the compression of a uniform magnetic \ufb01eld, B \u221d\u03c12/3, that is, w = 2/3. With this scaling, (J2/J0)280 should be a bit smaller than that in Figure 6. However, it is also quite plausible that the downstream magnetic \ufb01eld is stronger than that expected for simple compression. It has been suggested that at shocks, especially at strong shocks, the downstream magnetic \ufb01eld is ampli\ufb01ed by plasma instabilities (see, e.g., Lucek & Bell 2000; Bell 2004), although the existence of such instabilities has not been fully explored for weak shocks. Moreover, the magnetic \ufb01eld can be further ampli\ufb01ed by the turbulence that is induced through cascade of the vorticity generated behind shocks (Giacalone & Jokipii 2007; \f\u2013 14 \u2013 Ryu et al. 2008). In such cases, the ratio (J2/J0)280 could be larger than that in Figure 6. In that sense, our estimate for the synchrotron enhancement factor may be considered as conservative one. We also note that with s \u2265r in Equation (21), J2(\u03bd)/J0(\u03bd) is larger at higher frequencies, but smaller with larger B0. The above enhancement in synchrotron emission across the shock can be compared to the enhancement in Bremsstrahlung X-ray. The Bremsstrahlung X-ray emissivity is given as JX \u221d\u03c12\u221a T, so the ratio of the downstream to upstream emissivity can be written as JX,2 JX,0 = \u03c32 r T2 T0 = \u0012 4M2 M2 + 3 \u00133/2 \u00125M2 \u22121 4 \u00131/2 , (22) in the limit where the CR pressure does not modify the shock structure. The enhancement in Bremsstrahlung X-ray emission, JX,2/JX,0, is 3.6, 7.5, and 17 for M = 1.5, 2, and 3, respectively. These values are substantially smaller than (J2/J0)280 shown in Figure 6. This implies that shocks in ICMs and cluster outskirts may appear as radio relics, but not be detected in X-ray, for instance, as in the case of CIZA J2242.8+5301 (van Weeren et al. 2010). Since the synchrotron/IC cooling time scales as trad = 2.45 \u00d7 1013 yrs \u03b3e \u0012Be\ufb00,2 1 \u00b5G \u0013\u22122 (23) (Webb et al. 1984), behind the shock the width of the distribution of CR electrons with \u03b3e becomes d \u2248u2trad(\u03b3e) \u221d\u03b3\u22121 e . For instance, electrons radiating synchrotron at \u03bd \u223c1 GHz have mostly the Lorentz factor of \u03b3e \u2248104 in the magnetic \ufb01eld of B2 \u223ca few \u00b5G. So the width of the synchrotron emitting region behind the shock is d \u2248u2trad(\u03b3e = 104) \u223c 100 kpc (u2/103 km s\u22121) as long as the shock age t > trad(\u03b3e = 104) \u223c108 yrs. This is indeed of order the width of bright radio relics such as CIZA J2242.8+5301 (van Weeren et al. 2010). Moreover, from the fact that d \u221d\u03b3\u22121 e , we can identify another feature in the integrated synchrotron spectrum. The volume integrated electron spectrum, Fe,2(\u03b3e) \u221dfe,2(\u03b3e) \u00b7 d \u221d\u03b3\u2212(r+1) e , steepens by one power of \u03b3e above the break Lorentz factor, \u03b3e,br \u22482.45 \u00d7 105 (108 yrs/t) (Be\ufb00,2/1 \u00b5G)\u22122, where t is the shock age. Note that the break Lorentz factor is basically derived from the condition, t = trad in Equation (23) and so independent of the shock speed. Hence, if fe,2(\u03b3e) \u221d\u03b3\u2212r e , in observations of unresolved sources, the integrated synchrotron emission, S\u03bd \u221d\u03bd\u2212\u03b1, has the spectral slope \u03b1 = (r \u22123)/2 for \u03bd < \u03bdbr and \u03b1 = (r \u22122)/2 for \u03bdbr \u2272\u03bd \u2272\u03bdcut. Here, the two characteristic frequencies, \u03bdbr and \u03bdcut, \f\u2013 15 \u2013 correspond to the peak frequency in Equation (18) for \u03b3e,br and \u03b3e,cut, respectively. So the spectral slope of the integrated spectrum just below the cuto\ufb00frequency is steeper by 0.5 than that of the resolved spectrum. 6. SUMMARY Cosmological shocks are expected to be present in the large-scale structure of the universe. They form typically with Mach number up to 103 and speed up to a few 1000 km s\u22121 at the present universe. Shocks in ICMs and cluster outskirts with relatively high X-ray luminosity, in particular, have the best chance to be detected, so they have started to be observed as X-ray shocks and radio relics (see Introduction for references). Those shocks are mostly weak with small Mach number of M \u22723, because they form in the hot gas of kT \u2273 keV. In this paper, we have studied DSA at weak cosmological shocks. Since the test-particle solutions could provide a simple yet reasonable description for weak shocks, we \ufb01rst suggested analytic solutions which describe the time-dependent DSA in the test-particle regime, including both the pre-existing and injected CR populations. We adopted a thermal leakage injection model to emulate the acceleration of suprathermal particles into the CR population, along with a simple transport model in which Alfv\u00b4 en waves self-excited by the CR streaming instability drift relative to the bulk plasma upstream of the gas subshock. We then performed kinetic DSA simulations and compared the analytic and numerical solutions for wide ranges of model parameters relevant for shocks in ICMs and cluster outskirts: the shock Mach number M = 1.5 \u22125, the slope of the pre-existing CR spectrum s = 4 \u22125, the ratio of the upstream CR to gas pressure R = 0.01 \u22120.1, the injection parameter \u01ebB = 0.25 \u22120.3, and the Alfv\u00b4 enic speed parameter \u03b4 = 0 \u22120.42. The upstream gas was assumed to be fully ionized with T0 = 107 K. The main results can be summarized as follows: 1) For weak shocks with M \u22723, the test-particle solutions given in Equation (13) should provide a good approximation for the time-dependent CR spectrum at the shock location. We note that the test-particle slope, q, in Equation (2) and the maximum momentum, pmax(t), in Equation (3) may include the Alfv\u00b4 enic drift e\ufb00ect. 2) For the injection parameter considered here, \u01ebB = 0.25 \u22120.3, the injection fraction is rather low, typically \u03be \u223c5 \u00d7 10\u22125 to 10\u22123 for M \u22723. The pre-existing CR population provides more particles for DSA than the freshly injected population. Hence, the pre-existing \f\u2013 16 \u2013 population dominates over the injected population. If there exist no CRs upstream (R = 0), the downstream CR pressure absorbs typically much less than \u223c1 % of the shock ram pressure for M \u22723. With pre-existing CRs that accounts for 5 % of the gas thermal pressure in the upstream \ufb02ow, the CR acceleration e\ufb03ciency increases to a few to 10 % for those weak shocks. 3) For the pre-exisiting population, the enhancement of the distribution function across the shock, f2(p)/f1(p), at a given momentum is substantially larger than that expected from the simple adiabatic compression. Hence, with ampli\ufb01ed magnetic \ufb01elds downstream, the re-acceleration of pre-existing CR electrons can result in a substantial synchrotron radiation behind the shock. We estimated that the enhancement in synchrotron radiation across the shock, J2(\u03bd)/J0(\u03bd), is about a few to several for M \u223c1.5, while it could reach to 102 \u2212103 for M \u223c3, depending on the detail model parameters. This is substantially larger than the enhancement in X-ray emission. 4) Unlike protons, relativistic electrons lose energy by synchrotron emission and IC scattering behind the shock, resulting in a \ufb01nite width of synchrotron emitting region. In ICMs and cluster outskirts with \u00b5G \ufb01elds, the radio synchrotron emission at \u03bd \u223c1GHz originate mostly from the relativistic electrons with \u03b3e \u223c104, which cool in a time scale of trad \u223c108 yrs. So the width of the \u223c1 GHz synchrotron emitting region is d \u2248u2trad \u223c 100 kpc (us/1000 km s\u22121) for a shock of age t > trad. Finally, although the CRASH numerical code and our thermal leakage model are developed for quasi-parallel shocks, the main conclusions in this paper should be valid for quasi-perpendicular shocks as well. It is recognized that the injection may be less e\ufb03cient and the self-excited waves are absent at perpendicular shocks. However, both of these problems are alleviated in the presence of pre-existing CRs and turbulence (Giacalone 2005; Zank et al. 2006). So the di\ufb00usion approximation should be valid and the re-acceleration of pre-existing CRs are similar at both kinds of shocks. Then, we expect our results can be applied to, for instance, CIZA J2242.8+5301, the radio relic whose magnetic \ufb01eld direction inferred from the polarization observation is perpendicular to the shock normal. The authors would like to thank T. W. Jones and J. Cho for discussions. HK was supported by Basic Science Research Program through the National Research Foundation of Korea (NRF) funded by the Ministry of Education, Science and Technology (2010-0016425). DR was supported by the National Research Foundation of Korea through grant 20070093860. \f\u2013 17 \u2013"
+ },
+ {
+ "url": "http://arxiv.org/abs/1008.0429v1",
+ "title": "Diffusive Shock Acceleration in Test-Particle Regime",
+ "abstract": "We examine the test-particle solution for diffusive shock acceleration, based\non simple models for thermal leakage injection and Alfv'enic drift. The\ncritical injection rate, \\xi_c, above which the cosmic ray (CR) pressure\nbecomes dynamically significant, depends mainly on the sonic shock Mach number,\nM, and preshock gas temperature, T_1. In the hot-phase interstellar medium\n(ISM) and intracluster medium, \\xi_c < 10^{-3} for shocks with M < 5, while\n\\xi_c ~ 10^{-4}(T_1/10^6 K)^{1/2} for shocks with M > 10. For T_1=10^6 K, for\nexample, the test-particle solution would be valid if the injection momentum,\np_{inj} > 3.8 p_{th}. This leads to the postshock CR pressure less than 10% of\nthe shock ram pressure. If the Alfv'en speed is comparable to the sound speed\nin the preshock flow, as in the hot-phase ISM, the power-law slope of CR\nspectrum can be significantly softer than the canonical test-particle slope.\nThen the CR spectrum at the shock can be approximated by the revised\ntest-particle power-law with an exponential cutoff at the highest accelerated\nmomentum, p_{max}(t). An analytic form of the exponential cutoff is also\nsuggested.",
+ "authors": "Hyesung Kang, Dongsu Ryu",
+ "published": "2010-08-03",
+ "updated": "2010-08-03",
+ "primary_cat": "astro-ph.HE",
+ "cats": [
+ "astro-ph.HE"
+ ],
+ "main_content": "Introduction Suprathermal particles are produced as an inevitable consequence of the formation of collisionless shocks in tenuous astrophysical plasmas and they can be further accelerated to very high energies through interactions with resonantly scattering Alfv\u00b4 en waves in the converging \ufb02ow across a shock (Bell 1978; Drury 1983; Blandford & Eichler 1987; Malkov & Drury 2001). The most attractive feature of the di\ufb00usive shock acceleration (DSA) 1Department of Earth Sciences, Pusan National University, Pusan 609-735, Korea: kang@uju.es.pusan.ac.kr 2Department of Astronomy and Space Science, Chungnam National University, Daejeon 305-764, Korea: ryu@canopus.cnu.ac.kr \f\u2013 2 \u2013 theory is the simple prediction of the power-law momentum distribution of cosmic rays (CRs), f(p) \u221dp\u22123\u03c3/(\u03c3\u22121) (where \u03c3 is the shock compression ratio) in the test particle regime. For strong, adiabatic gas shocks, this gives a power-law index of 4, which is reasonably close to the observed, \u2018universal\u2019 index of the CR spectra in many environments. The nonthermal particle injection and ensuing acceleration at shocks depend mainly upon the shock Mach number, \ufb01eld obliquity angle, and the strength of the Alfv\u00b4 en turbulence responsible for scattering. At quasi-parallel shocks, the shock Mach number is the primary parameter that determines the CR acceleration e\ufb03ciency, while the injection fraction, \u03be (the ratio of CR particles to the total particles passed through the shock), is the secondary parameter. Detailed nonlinear treatments of DSA predict that at strong shocks, with a small fraction of \u03be > 10\u22124, a signi\ufb01cant fraction of the shock kinetic energy is transferred to CRs and there are highly nonlinear back-reactions from CRs to the underlying \ufb02ow (Berezhko & V\u00a8 olk 1997; Kang & Jones 2007). Indeed, multi-band observations of nonthermal radio to \u03b3-ray emissions from several supernova remnants (SNRs) have been successfully explained by e\ufb03cient DSA features such as high degree of shock compression and ampli\ufb01cation of magnetic \ufb01elds in the precursor (e.g. Reynods 2008; Berezhko et al. 2009; Morlino et al. 2009). It has been recognized, however, that the CR spectrum at sources, N(E), predicted for shocks strongly modi\ufb01ed by CR feedback may be too \ufb02at to be consistent with the observed \ufb02ux of CR nuclei at Earth, J(E). Recently Ave et al. (2009) analyzed the spectrum of CR nuclei up to \u223c1014 eV measured by TRACER instruments and found that the CR spectra at Earth can be \ufb01tted by a single power law of J(E) \u221dE\u22122.67. Assuming an energydependent propagation path length (\u039b \u221dE\u22120.6), they suggested that a soft source spectrum, N(E) \u221dE\u2212s with s \u223c2.3 \u22122.4, is preferred by the observed data. This is much softer than the CR spectrum that the nonlinear DSA predicts for strong SNRs, which are believed to be the main accelerators for Galactic CRs up to the knee energy around 1015.5eV. Thus, in order to reconcile the DSA prediction with the observed J(E), the bulk of Galactic CRs should originate from SNRs in which the CR acceleration e\ufb03ciency is 10 % or so (i.e., roughly in the test-particle regime). Such ine\ufb03cient acceleration could be possible for SNRs in the hot phase of the interstellar medium (ISM) (i.e., low shock Mach number shocks) and for the inject fraction smaller than 10\u22124 (Kang 2010). The scattering by Alfv\u00b4 en waves tends to isotropize the CR distribution in the wave frame, which may drift upstream at Alfv\u00b4 en speed with respect to the bulk plasma (Skilling 1975). This Alfv\u00b4 enic drift in the upstream region reduces the velocity jump that the particles experience across the shock, which in turn softens the CR spectrum beyond the canonical test-particle slope (s = 2 for strong shocks) (Kang 2010; Caprioli et al. 2010). \f\u2013 3 \u2013 Moreover, the Alfv\u00b4 enic drift in ampli\ufb01ed magnetic \ufb01elds both upstream and downstream can drastically soften the accelerated particle spectrum even in nonlinear modi\ufb01ed shocks (Zirakashvili and Ptuskin 2008; Ptuskin et al. 2010). At collisionless shocks suprathermal particles moving faster than the postshock thermal distribution may swim through the MHD waves and leak upstream across the shocks and get injected into the CR population (Malkov 1998; Gieseler et al. 2000; Kang et al. 2002). But it is not yet possible to make precise quantitative predictions for the injection process from \ufb01rst principles, because complex plasma interactions among CRs, waves, and the underlying gas \ufb02ow are not fully understood yet (e.g., Malkov & Drury 2001). Until plasma simulations such as hybrid or particle-in-cell simulations reach the stage where the full problem can be treated with practical computational resources, in the studies of DSA we have to adopt a phenomenological injection scheme that can emulate the injection process. In this paper, we will examine the relation between the thermal leakage injection model described in Kang et al. (2002) and the time-dependent test-particle solutions for DSA. The basic models are described in \u00a72, while the analytic expression for the CR spectrum in the test-particle limit is suggested in \u00a73. Finally, a brief summary will be given in \u00a74. 2. BASIC MODELS In the kinetic DSA approach, the following di\ufb00usion-convection equation for the pitchangle-averaged distribution function, f(x, p, t), is solved along with suitably modi\ufb01ed gasdynamic equations: \u2202f \u2202t + (u + uw)\u2202f \u2202x = p 3 \u2202(u + uw) \u2202x \u2202f \u2202p + \u2202 \u2202x \u0014 \u03ba(x, p)\u2202f \u2202x \u0015 , (1) where \u03ba(x, p) is the spatial di\ufb00usion coe\ufb03cient and uw is the drift speed of the local Alfv\u00b4 enic wave turbulence with respect to the plasma (Skilling 1975). We consider only the proton CR component. 2.1. Alfv\u00b4 enic Drift E\ufb00ect Since the Alfv\u00b4 en waves upstream of the subshock are expected to be established by the streaming instability, the wave speed is set there to be uw = \u2212vA. Downstream, it is likely that the Alfv\u00b4 enic turbulence is nearly isotropic, hence uw = 0 there. As a result, the velocity jump across the shock is reduced, and the slope of test-particle plower-law spectrum should \f\u2013 4 \u2013 be revised as qtp = 3(u1 \u2212vA) u1 \u2212vA \u2212u2 = 3\u03c3(1 \u2212M\u22121 A ) (\u03c3 \u22121 \u2212\u03c3M\u22121 A ), (2) where u1 and u2 are the upstream and downstream speed, respectively, in the shock rest frame, \u03c3 = u1/u2 = \u03c12/\u03c11 is the shock compression ratio, and vA and MA = u1/vA are the Alfv\u00b4 en speed upstream and Alfv\u00b4 en Mach number. Hereafter, we use the subscripts \u20191\u2019, and \u20192\u2019 to denote conditions upstream and downstream of the shock, respectively. Thus the CR spectrum would be softer than the canonical power-law spectrum with the slope, 3\u03c3/(\u03c3 \u22121), unless MA \u226b1. The left panel of Figure 1 shows the revised test-particle slope qtp as a function of the sonic Mach number, M, for di\ufb00erent Alfv\u00b4 en speeds, vA = \u03b4 \u00b7 cs (where cs is the upstream sound speed). In the hot-phase ISM of T \u2248106K with the hydrogen number density nH \u2248 0.003 cm\u22123 and the magnetic \ufb01eld strength B \u22485\u00b5G, the sound speed is cs \u2248150 km s\u22121 and the Alfv\u00b4 en speed is vA \u2248170 km s\u22121. So \u03b4 \u22481 is a representative value. If \u03b4 \u2248(PB/Pg)1/2 \u2248 1, the Alfv\u00b4 en drift e\ufb00ect is signi\ufb01cant for Alfv\u00b4 en Mach number, MA \u2248M \u227230. Consequently, this e\ufb00ect reduces the CR acceleration e\ufb03ciency. Of course, it is not important for strong shocks with us \u226bcs \u223cvA (i.e., MA \u227330). 2.2. Thermal Leakage Injection Model Since the velocity distribution of suprathermal particles is not isotropic in the shock frame, the di\ufb00usion-convection equation cannot directly follow the injection from the nondi\ufb00usive thermal pool into the di\ufb00usive CR population. Here we adopt the thermal leakage injection model that was originally formulated by Gieseler et al. (2000) based on the calculations of Malkov (1998). In this model particles above a certain injection momentum pinj cross the shock and get injected to the CR population. We adopt a smooth \u201ctransparency function\u201d, \u03c4esc(\u01ebB, v), that expresses the probability of suprathermal particles at a given velocity, v, leaking upstream through the postshock MHD waves. One free parameter controls this function; \u01ebB = B0/B\u22a5, the ratio of the general magnetic \ufb01eld along the shock normal, B0, to the amplitude of the postshock MHD wave turbulence, B\u22a5. Although plasma hybrid simulations and theories both suggested that 0.25 \u2272\u01ebB \u22720.35 (Malkov & V\u00a8 olk 1998), the physical range of this parameter remains to be rather uncertain due to lack of full understanding of relevant plasma interactions. Since \u03c4esc increases gradually from zero to one in the thermal tail distribution, the \u201ce\ufb00ective\u201d injection momentum can be approximated by pinj \u22481.17mpu2(1 + 1.07 \u01ebB ) \u2261Qinj(M, \u01ebB)pth (3) \f\u2013 5 \u2013 where pth = p 2mpkBT2 is the thermal peak momentum of the immediate postshock gas with temperature T2 and kB is the Boltzmann constant (Kang et al. 2002). The right panel of Figure 1 shows the value of Qinj as a function of M for three values of \u01ebB = 0.21, 0.23, and 0.27, which represents \u201cine\ufb03cient\u201d, \u201cmoderately e\ufb03cient\u201d, \u201ce\ufb03cient\u201d injection cases, respectively (see Fig. 4 below). At weaker shocks the compression is smaller and so the ratio u2/u1 is larger. For stronger turbulence (larger B\u22a5, smaller \u01ebB) it is harder for particles to swim across the shock. So for both of these cases, pinj has to be larger. Hence the value of Qinj(M, \u01ebB) is larger for weaker shocks and for smaller \u01ebB, which leads to a lower injection fraction. In our thermal leakage injection model, the CR distribution function at pinj is then anchored to the postshock Maxwellian distribution as, finj = f(pinj) = n2 \u03c01.5 p\u22123 th exp(\u2212Q2 inj), (4) where n2 is the postshock proton number density and the distribution function is de\ufb01ned in general as R 4\u03c0p2f(p)dp = n. For the test-particle power-law spectrum, the value of Qinj determines the amplitude of the subsequent suprathermal power-law distribution as f(p) = finj \u00b7 (p/pinj)\u2212qtp. Then the CR injection fraction can be de\ufb01ned as \u03be \u2261nCR n2 = 4 \u221a\u03c0Q3 inj exp(\u2212Q2 inj) 1 qtp(M) \u22123, (5) which depends only on the ratio Qinj and the slope qtp, but not on the postshock temperature T2. For Qinj = 3.8, for example, \u03be = 6.6 \u00d7 10\u22125/(qtp \u22123), which becomes \u03be = 6.6 \u00d7 10\u22125 for strong shocks with qtp = 4.0. 2.3. Bohm-type Di\ufb00usion Model In modeling DSA, it is commonly assumed that the particles are resonantly scattered by self-generated waves, so the Bohm di\ufb00usion model can represent a saturated wave spectrum (i.e., the mean scattering length, \u03bb = rg, where rg is the gyro-radius). Here, we adopt a Bohm-type di\ufb00usion coe\ufb03cient that includes a weaker non-relativistic momentum dependence, \u03ba(x, p) = \u03ba\u2217\u00b7 ( p mpc)\u03b1 \u0014\u03c1(x) \u03c11 \u0015\u2212m , (6) where the coe\ufb03cient \u03ba\u2217= mpc3/(3eB0) depends on the upstream mean \ufb01eld strength. The case with m = 1 approximately accounts for the compressive ampli\ufb01cation of Alfv\u00b4 en waves. \f\u2013 6 \u2013 The mean acceleration time for a particle to reach pmax from pinj in the test-particle limit of DSA theory can be approximated by tacc = 3 u1 \u2212vA \u2212u2 Z pmax pinj \u0012 \u03ba1 u1 \u2212vA + \u03ba2 u2 \u0013 dp p , (7) if we assume the bulk drift of waves with vA in the upstream region (e.g., Drury 1983). Then the maximum momentum can be estimated by setting t = tacc as pmax(t)\u03b1 \u2248\u03b1(1 \u2212M\u22121 A )(\u03c3 \u22121 \u2212\u03c3M\u22121 A ) 3\u03c3[1 + (1 \u2212M\u22121 A )\u03c31\u2212m] u2 s \u03ba\u2217t = fc u2 s \u03ba\u2217t, (8) where us = u1 is the shock speed (Kang et al. 2009). For the case of m = 1, the typical value of the parameter, fc = \u03b1(1 \u2212M\u22121 A )(\u03c3 \u22121 \u2212\u03c3M\u22121 A )/{3\u03c3[1 + (1 \u2212M\u22121 A )\u03c31\u2212m]}, is \u223c1/8 in the limit of MA \u226b1 and M \u226b1. 3. TEST-PARTICLE SPECTRUM If the injection is ine\ufb03cient, especially at weak shocks, the CR pressure remains dynamically insigni\ufb01cant and the test-particle solution is valid. Caprioli et al.(2009) (CBA09 hereafter) derived the analytic solution for a steady-state, test-particle shock with a freeescape boundary (FEB) at a distance xFEB upstream of the shock (i.e., f(x > xFEB) = 0). For a di\ufb00usion coe\ufb03cient that depends on the momentum as \u03ba(p) = \u03ba\u2217(p/mpc)\u03b1, the CR distribution at the shock location, xs, is given by ftp(xs, p) = f0 \u00b7 exp \" \u2212qtp Z z zinj dz\u2032 z\u2032 1 1 \u2212exp(\u22121/z\u2032\u03b1) # , (9) where z = p/p\u2217, zinj = pinj/p\u2217, f0 = finj, and p\u2217/mpc = (xFEBus/\u03ba\u2217)1/\u03b1 is the cuto\ufb00momentum set by the FEB. This expression can be re-written as, ftp(xs, p) = finj \u00b7 ( p pinj )\u2212qtp \u00b7 exp [\u2212qtpC(z)] , (10) where the function C(z) is given by C(z) = Z z zinj dz\u2032 z\u2032 1 exp(1/z\u2032\u03b1) \u22121. (11) We show the function C(z) for \u03b1 = 0.5 and 1 in the left panel of Figure 2. For z \u226a1, C(z) is small and so exp [\u2212qtpC(z)] = 1, as expected. For z \u226b1, C(z) \u2248z\u03b1 = (p/p\u2217)\u03b1. But this \f\u2013 7 \u2013 regime (p \u226bp\u2217) is not really relevant, because the resulting ftp(xs, p) is extremely small. We are more interested in the exponential cuto\ufb00where p \u223cp\u2217. Figure 2 shows that C(z) increases much faster than z\u03b1 near z \u223c1. In fact, at z \u223c1, approximately C(z) \u22480.29z2 for \u03b1 = 1 and C(z) \u22480.58z for \u03b1 = 1/2. Thus equation (10) can be approximated by ftp(xs, p) \u2248finj \u00b7 ( p pinj )\u2212qtp \u00b7 exp \u0014 \u22120.29qtp \u03b1 ( p p\u2217)2\u03b1 \u0015 . (12) Kang et al. (2009) showed that the shock structure and the CR spectrum of timedependent, CR modi\ufb01ed shocks with ever increasing pmax(t) are similar to those of steadystate shocks with particles escaping through the upper momentum boundary, i.e., f(p > pub) = 0, if compared when pmax(t) = pub (see their Figs. 10-11). They also showed that the exponential cuto\ufb00in the form of exp[\u2212k(p/pmax)2\u03b1] matches well the DSA simulation results for CR modi\ufb01ed shocks. In the same spirit, we suggest that equation (10) could represent the CR spectrum at the shock location for time-dependent, test-particle shocks without particle escape, in which the cuto\ufb00momentum is determined by the shock age as in equation (8), i.e., p\u2217\u223cpmax(t). The distribution function f(x, pmax) in the upstream region decreases roughly as exp[\u2212x/ld(pmax)], where the di\ufb00usion length for pmax is ld(pmax) = \u03ba(pmax) us = fcust. (13) CBA09 spectrum in equation (10) was derived from the FEB condition of f(x > xFEB, p) = 0 for steady-state shocks, while f(x, p) \u21920 only at x \u2192\u221e(upstream in\ufb01nity) for timeevolving shocks without particle escape. So we presume that the cuto\ufb00momentum can be found by setting the location of FEB at xFEB = \u03b6 \u00b7ld(pmax), where \u03b6 \u223c1. From the condition that p\u2217/mpc = (\u03b6ld(pmax)us/\u03ba\u2217)1/\u03b1, we \ufb01nd p\u2217= \u03b6 \u00b7 pmax. The right panel of Figure 2 shows the test-particle solution from a time-dependent DSA simulation, in which the dynamical feedback of the CR pressure was turned o\ufb00. Contrary to CBA09 case, no FEB is enforced in this simulation, so the shock does not approach to a steady state, but instead evolves in time. As the CRs are accelerated to ever high energies (pmax \u221dt), the scale length of the CR pressure increases linearly with time, ld(pmax) \u221dust. So the shock structure evolves in a self-similar fashion, depending only on the similarity variable, x/(ust) (see Kang & Jones 2007). By setting p\u2217= 1.2pmax(t) (i.e., \u03b6 = 1.2) and also by adopting the value of finj from the DSA simulation result, we calculated ftp(xs, p) according to equation (10). As can be seen in the \ufb01gure, the agreement between the numerical DSA results and the analytic approximation is excellent. Thus we take equation (10) as the test-particle spectrum from DSA, where qtp, pinj, finj, and p\u2217\u22481.2pmax(t) are given by equations (2), (3), (4), and (8), respectively. \f\u2013 8 \u2013 Figure 3 shows some examples of the test-particle spectrum given in equation (10). We consider the shocks propagating into the hot-phase of the ISM of T1 = 106K or a typical intracluster medium (ICM) of T1 = 107K. The shock speed is given by us = M \u00b7 cs, where the sound speed is cs = 150 km s\u22121(T1/106K)1/2. For all the cases, we assume a constant cuto\ufb00momentum, p\u2217= 106GeV/c, which is close to the knee energy in the Galactic cosmic ray spectrum. For typical hot-phase ISM, \u03b4 = vA/cs \u22481 as mentioned before. For typical ICM, nH \u224810\u22123cm\u22123 and B \u22481 \u22125\u00b5G, so \u03b4 \u22480.5 is taken here. For typical test-particle limit solutions, we adopt \u01ebB = 0.21 to specify pinj given in equation (3), which determines the anchoring point where the test-particle power-law begins. This choice of \u01ebB results in the injection rate \u03be \u227210\u22124 and the postshock CR pressure Pc,2/(\u03c11u2 s) \u22720.1. As can be seen in Figure 3, for stronger (faster) shocks, the postshock gas is hotter, the amplitude finj is higher and the power-law spectrum is harder. Then the CR pressure at the shock position can be calculated by Pc(xs) = 4\u03c0 3 c Z \u221e pinj ftp(xs, p) p4dp p p2 + (mpc)2. (14) For strong shocks with qtp = 4, with the test-particle spectrum in equation (10), Pc \u221d finjp4 inj ln(p\u2217/mpc). Then, with a constant cuto\ufb00p\u2217, Pc \u221dexp(\u2212Q2 inj)Q4 injpth. So for a \ufb01xed value of Qinj (or \ufb01xed injection fraction \u03be), Pc \u221dpth \u221dus. Figure 4 shows the fraction of injected particles and the postshock CR pressure calculated by adopting the test-particle spectrum given in equation (10). The same p\u2217= 106GeV/c is chosen as in Figure 3. The quantities, ncr,2 and Pc,2 do not depend sensitively on the assumed value of p\u2217for weak shocks, since the power-slope qtp is greater than 4. But for strong shocks (M \u227330) where qtp \u22484 (see Fig. 1), the CR pressure increases logarithmically as Pc \u221dln(p\u2217/mpc). Several values of T1, \u01ebB (or Qinj), and \u03b4 = vA/cs are considered. In general, for \ufb01xed values of \u01ebB (or Qinj) and \u03b4, the ratio Pc,2/(\u03c11u2 s) increase strongly with the shock Mach number for shocks with M \u227210, because of the strong dependence of \u03be (or Qinj) on M for weaker shocks. But for shocks with M > 10, \u03be becomes independent of M and so Pc \u221dus, as discussed above. So the CR pressure relative to the shock ram pressure, Pc,2/(\u03c11u2 s) \u221du\u22121 s , that is, it becomes smaller at faster shocks. Of course, in the nonlinear DSA regime, the ratio Pc,2/(\u03c11u2 s) increases with the shock Mach number and saturates at about 1/2 (Kang et al. 2009). The top panels of Figure 4 show how the CR pressure depends on \u01ebB and \u03b4. For a given Mach number, the CR pressure increases strongly with \u01ebB, because of the exp(\u2212Q2 inj) factor. Obviously, the CR pressure becomes smaller for larger \u03b4 because of softer power-law spectra at weaker shocks with M \u227230. For \u01ebB = 0.21 and \u03b4 = 1, \u03be \u227210\u22124 and Pc,2/(\u03c11u2 s) \u22720.1, so the test-particle solution would provide a good approximation. For \u01ebB = 0.23, on the other \f\u2013 9 \u2013 hand, the injection fraction becomes \u03be \u224810\u22124 \u221210\u22123, and the test-particle solution is no longer valid for M \u22735. For weak cosmological shocks with M \u22723, typically found in the hot ICM (e.g., Ryu et al. 2003; Kang et al. 2007), even for a rather large value of \u01ebB = 0.27, the injection fraction is smaller than 10\u22123 and Pc,2/\u03c11u2 s < 0.01 So we can safely adopt the test-particle solution for those weak shocks, unless there are abundant pre-existing CRs in the preshock \ufb02ow. The middle panels show the cases with the same Qinj, independent of M. For these cases, T1 = 106K, \u03b4 = 1, and pmax = 106GeV/c. With the same Qinj, the injection fraction is almost independent of M except for weak shocks with M \u22725. For Qinj = 3.8, Pc,2/\u03c11u2 s \u22720.1 for all shocks. One can see that Qinj \u22483.8 is the critical value, above which the injection fraction becomes \u03be \u227210\u22124 and the ratio Pc,2/(\u03c11u2 s) \u22720.1. Hence, if pinj \u22733.8pth, the CR injection fraction is small enough to guarantee the validity of test-particle solution. But once again one should note that Pc \u221dln p\u2217for strong shocks. The bottom panels show the cases in which the preshock temperature is T1 = 105\u2212107K. Since the ratio Pc,2/(\u03c11u2 s) \u221d\u03beu\u22121 s and \u03be does not depend on T1, Pc,2/(\u03c11u2 s) \u221d\u03beT \u22121/2 1 for a given Mach number, M = us/cs. So we chose \u01ebB \u22480.20 \u22120.22 for di\ufb00erent T1, which results in \u03be \u223c10\u22124(T1/106K)1/2. This gives the similar value of Pc,2/(\u03c11u2 s) \u223c0.1 for three values of T1. For these shocks, the test-particle solution would be valid. When Pc,2/(\u03c11u2 s) > 0.1, the nonlinear feedback of the di\ufb00usive CR pressure becomes important and the evolution of CR modi\ufb01ed shocks should be followed by DSA simulations. Figure 5 compares the evolution of a slightly modi\ufb01ed M = 5 shock (\u01ebB = 0.27) with that of a test-particle shock (\u01ebB = 0.2). In the CR modi\ufb01ed shock, the upstream \ufb02ow is decelerated in the precursor before it enters the gas subshock. So the quantities at far upstream, immediately upstream and downstream of the subshock are subscripted with \u20190\u2019, \u20191\u2019, and \u20192\u2019, respectively. For the test-particle shock, \u03c11 = \u03c10 and T1 = T0. Here T0 = 106K and vA/cs = 0.42. The simulations start with a purely gasdynamic shock at rest at x = 0, initialized according to Rankine-Hugoniot relations with u0 = \u22121, \u03c10 = 1 and a gas adiabatic index, \u03b3g = 5/3. There are no pre-existing CRs. The test-particle spectrum given in equation (10) with p\u2217= 1.2pmax at t/t0 = 10 is also shown for comparison (dot-dashed lines) in the bottom panels. In the test-particle shock with \u01ebB = 0.2, both Pc,2/(\u03c10u2 s) \u22480.005 and f(xs) from the DSA simulation agree well with the test-particle solution given in equation (10), as expected. If we were to take the test-particle spectrum with \u01ebB = 0.27, we would obtain \u03be = 1.74 \u00d7 10\u22123 and Pc,2/(\u03c11u2 s) = 1.17, which is unphysical. In the CR modi\ufb01ed solution from the DSA simulation, however, \u03be \u22483.6 \u00d7 10\u22124 and Pc,2/(\u03c11u2 s) \u22480.1. The postshock \f\u2013 10 \u2013 temperature T2 is reduced about 17 % in the CR modi\ufb01ed solution (due to higher \u03c12 and lower pg,2), compared to that in the test particle solution. But u2 and so pinj remain about the same. As a result, the amplitude finj is lower than that of the test-particle spectrum (see the bottom right panel of Fig. 5) and so the injection rate is reduced in the CR modi\ufb01ed solution. The distribution function f(xs, p) from the DSA simulation is slightly steeper for p/mpc < 10 and slightly \ufb02atter for p/mpc > 10 than the test-particle power-law, because the \ufb02ow velocity is slightly modi\ufb01ed. This demonstrates that the DSA saturates in the limit of e\ufb03cient injection through the modi\ufb01cation of the shock structure (i.e., a precursor plus a weak gas subshock), which in turn reduces the injection rate. Thus the ratio Pc,2/(\u03c11u2 s) approaches to \u223c1/2 for strongly modi\ufb01ed CR shocks (Kang & Jones 2007). Finally, we \ufb01nd that the volume integrated spectrum contained in the simulation volume can be obtained simply from F(p) = R f(x, p)dx \u2248ftp(xs, p)u2t. This provides the total CR spectrum accelerated by the age t. 4. SUMMARY Although the nonlinear di\ufb00usive shock acceleration (DSA) involves rather complex plasma and MHD processes, the test-particle solution may unveil some simple yet essential pictures of the theory. In this study, we suggest an analytic form for the CR spectrum from DSA in the test-particle regime, based on simple models for thermal leakage injection and Alfv\u00b4 enic drift of self-generated resonant waves. If the particle di\ufb00usion is speci\ufb01ed (e.g., Bohm di\ufb00usion), the shock Mach number is the primary parameter that determines the e\ufb03ciency of di\ufb00usive shock acceleration. For a given shock Mach number, the fraction of injected CR particles becomes the next key factor. Since the postshock thermal velocity distribution at the injection momentum determines the amplitude of the power-law distribution in the thermal leakage injection model, the ratio Qinj = pinj/pth is the key parameter that controls the CR injection fraction and in turn determines the CR acceleration e\ufb03ciency. On the other hand, as a result of the drift of Alfv\u00b4 en waves in the precursor, the power-law slope should be revised as in equation (2), which leads to the CR spectrum much steeper than the canonical test-particle power-law. This e\ufb00ect is negligible for shocks with the Alfv\u00b4 enic Mach number, MA \u227330. For shocks with the sonic Mach number M \u227310, depending on the preshock temperature T1, the injection fraction, \u03be \u2272\u03bec \u224810\u22124(T1/106K)1/2 would lead to the downstream CR pressure, Pc,2/(\u03c11u2 s) \u22720.1. The exact values depend on other parameters such as vA. In that case, the CR spectrum at the shock location can be described by the test-particle \f\u2013 11 \u2013 power-law given in equation (10), in which the amplitude, finj, is \ufb01xed by the postshock thermal distribution at pinj given in equation (4). For supernova remnants in the hot-phase of the ISM with T1 = 106K, for example, the CR injection fraction becomes less than 10\u22124, if Qinj \u22733.8 (or \u01ebB \u22720.21). For weaker shocks with M < 5, the test-particle solution is valid even for larger injection fraction, so \u03bec < 10\u22123. We have shown that the CR spectrum at the shock location in time-dependent, testparticle shocks without particle escape could be approximated by the analytic solution given in equation (10), which was derived for steady-state, test-particle shocks by Caprioli et al. (2009), with the cuto\ufb00momentum set as p\u2217\u22481.2pmax(t). If the CR injection is ine\ufb03cient, which should be true for weak shocks with M \u22725 found in the intracluster medium, the test-particle solution presented in this paper should provide a good approximation. Figure 4 should provide guidance to assess if a shock with speci\ufb01c properties can be treated with the test-particle solution. With the injection rate greater than \u03bec, especially for shocks with M > 5, the spectrum deviates from the test-particle form due to the modi\ufb01ed \ufb02ow structure caused by the di\ufb00usive CR pressure. In fact, the DSA e\ufb03ciency saturates in strongly modi\ufb01ed CR shocks, because the postshock temperature gets lower and so the injection rate is reduced. Based on the results of the DSA simulations, Kang et al. (2009) suggested that CR-modi\ufb01ed shocks evolve self-similarly once the total pressure is dominated by relativistic particles, and that the CR spectrum at the subshock can be approximated by the sum of two power laws with the slopes determined by the subshock and total compression ratios with an exponential cuto\ufb00 at pmax(t). The authors would like to thank T. W. Jones for helpful comments on the paper. HK was supported by National Research Foundation of Korea through grant 2009-0075060. DR was supported by National Research Foundation of Korea through grant KRF-2007-341-C00020."
+ },
+ {
+ "url": "http://arxiv.org/abs/1003.4386v1",
+ "title": "Cosmic Ray Spectrum in Supernova Remnant Shocks",
+ "abstract": "We perform kinetic simulations of diffusive shock acceleration (DSA) in Type\nIa supernova remnants (SNRs) expanding into a uniform interstellar medium\n(ISM). Bohm-like diffusion assumed, and simple models for Alfvenic drift and\ndissipation are adopted. Phenomenological models for thermal leakage injection\nare considered as well. We find that the preshock gas temperature is the\nprimary parameter that governs the cosmic ray (CR) acceleration efficiency and\nenergy spectrum, while the CR injection rate is a secondary parameter. For SNRs\nin the warm ISM, if the injection fraction is larger than 10^{-4}, the DSA is\nefficient enough to convert more than 20 % of the SN explosion energy into CRs\nand the accelerated CR spectrum exhibits a concave curvature flattening to\nE^{-1.6}. Such a flat source spectrum near the knee energy, however, may not be\nreconciled with the CR spectrum observed at Earth. On the other hand, SNRs in\nthe hot ISM, with an injection fraction smaller than 10^{-4}, are inefficient\naccelerators with less than 10 % of the explosion energy getting converted to\nCRs. Also the shock structure is almost test-particle like and the ensuing CR\nspectrum can be steeper than E^{-2}. With amplified magnetic field strength of\norder of 30 microG, Alfven waves generated by the streaming instability may\ndrift upstream fast enough to make the modified test-particle power-law as\nsteep as E^{-2.3}, which is more consistent with the observed CR spectrum.",
+ "authors": "Hyesung Kang",
+ "published": "2010-03-23",
+ "updated": "2010-03-23",
+ "primary_cat": "astro-ph.HE",
+ "cats": [
+ "astro-ph.HE"
+ ],
+ "main_content": "INTRODUCTION It is believed that most of the Galactic cosmic rays (CRs) are accelerated in the blast waves driven by supernova (SN) explosions (e.g., Blandford & Eichler 1987, Reynolds 2008 and references therein). If about 10 % of Galactic SN luminosity, LSN \u22481042erg s\u22121, is transfered to the CR component, the di\ufb00usive shock acceleration (DSA) at supernova remnants (SNRs) can provide the CR luminosity, LCR \u22481041erg s\u22121 that escapes from the Galaxy. Several time-dependent, kinetic simulations of the CR acceleration at SNRs have shown that an order of 10 % of the SN explosion energy can be converted to CRs, when a fraction \u223c10\u22124 of incoming thermal particles are injected into the CR population at the subshock (e.g., Berezhko, & V\u00a8 olk 1997; Berezhko et al 2003; Kang 2006). X-ray observations of young SNRs such as SN1006 and RCW86 indicate the presence of 10-100 TeV electrons emitting nonthermal synchrotron emission immediately inside the outer SNR shock (Koyama et al. 1995; Bamba et al. 2006, Helder et al. 2009). They provide clear evidence for the e\ufb03cient acceleration of the CR electrons at SNR shocks. Moreover, HESS gammaray telescope detected TeV emission from several SNRs such as RXJ1713.7-3946, Cas A, Vela Junior, and RCW86, which may indicate possible detection of \u03c00 \u03b3rays produced by nuclear collisions of hadronic CRs with the surrounding gas (Aharonian et al. 2004, 2009; Berezhko & V\u00a8 olk 2006; Berezhko et al. 2009; Morlino et al. 2009, Abdo et al. 2010). It is still challenging to discern whether such emission could provide direct evidence for the acceleration of hadronic CRs, since \u03b3-ray emission could be produced by inverse Compton scattering of the background radiation by X-ray emitting relativistic electrons. More recently, however, Fermi LAT has observed in GeV range several SNRs interacting with molecular clouds, providing some very convincing evidence of \u03c00 decay \u03b3-rays (Abdo et al. 2009, 2010). In DSA theory, a small fraction of incoming thermal particles can be injected into the CR population, and accelerated to very high energies through their interactions with resonantly scattering Alfv\u00b4 en waves in the converging \ufb02ows across the SN shock (e.g., Drury et al. 2001). Hence the strength of the turbulent magnetic \ufb01eld is one of the most important ingredients, which govern the acceleration rate and in turn the maximum energy of the accelerated particles. If the magnetic \ufb01eld strength upstream of SNRs is similar to the mean interstellar medium (ISM) \ufb01eld of BISM \u223c5\u00b5G, the maximum energy of CR ions of charge Z is estimated to be Emax \u223c1014Z eV (Lagage & Cesarsky 1983). However, high-resolution X-ray observations of several young SNRs exhibit very thin rims, indicating the presence of magnetic \ufb01elds as strong as a few 100\u00b5G downstream of the shock (e.g., Bamba et al. 2003, Parizot et al. 2006). Moreover, theoretical studies have shown that e\ufb03cient magnetic \ufb01eld ampli\ufb01cation via resonant and non-resonant wave-particle interactions is an integral part of DSA (Lucek & Bell 2000, Bell 2004). If there exist such ampli\ufb01ed magnetic \ufb01elds in the upstream region of SNRs, CR ions might gain energies up to Emax \u223c1015.5Z eV, which may explain \u2013 1 \u2013 \f2 KANG the all-particle CR spectrum up to the second knee at \u223c1017 eV with rigidity-dependent energy cuto\ufb00s. A self-consistent treatment of the magnetic \ufb01eld ampli\ufb01cation has been implemented in several previous studies of nonlinear DSA (e.g., Amato & and Blasi 2006, Vladimirov et al. 2008). In Kang 2006 (Paper I, hereafter), we calculated the CR acceleration at typical remnants from Type Ia supernovae expanding into a uniform interstellar medium (ISM). With the upstream magnetic \ufb01elds of B0 = 30\u00b5G ampli\ufb01ed by the CR streaming instability, it was shown that the particle energy can reach up to 1016Z eV at young SNRs of several thousand years old, which is much higher than what Lagage & Cesarsky predicted. But the CR injection and acceleration e\ufb03ciencies are reduced somewhat due to faster Alfv\u00b4 en wave speed. With the particle injection fraction \u223c10\u22124 \u221210\u22123, the DSA at SNRs is very e\ufb03cient, so that up to 40-50 % of the explosion energy can be transferred to the CR component. We also found that, for the SNRs in the warm ISM (T0 = 104K), the accelerated CR energy spectrum should exhibit a concave curvature with the power-law slope, \u03b1 (where N(E) \u221dE\u2212\u03b1) \ufb02attening from 2 to 1.6 at E > 0.1 TeV. In fact, the concavity in the CR energy spectrum is characteristic of strong (M > 10) CR modi\ufb01ed shocks when the injection fraction is greater than 10\u22124. (e.g., Malkov & Drury 2001, Berezhko & V\u00a8 olk 1997, Blasi et al. 2005) Recently, Ave et al. (2009) have analyzed the spectrum of CR nuclei up to \u223c1014 eV measured by TRACER instrument and found that the CR spectra at Earth can be \ufb01tted by a single power law of J(E) \u221dE\u22122.67. Assuming an energy-dependent propagation path length (\u039b \u221dE\u22120.6), they suggested that a soft source spectrum, N(E) with \u03b1 \u223c2.3\u22122.4 is preferred by the observed data. However, the DSA predicts that \u03b1 = 2.0 for strong shocks in the test-particle limit and even smaller values for CR modi\ufb01ed shocks in the e\ufb03cient acceleration regime as shown in Paper I. Thus in order to reconcile the DSA prediction with the TRACER data the CR acceleration e\ufb03ciency at typical SNRs should be minimal and perhaps no more than 10 % of the explosion energy transferred to CRs (i.e., test-particle limit). Moreover, recent Fermi-LAT observations of Cas A, which is only 330 years old and has just entered the Sedov phase, indicate that only about 2% of the explosion energy has been transfered to CR electrons and protons, and that the soft proton spectrum with E\u22122.3 is preferred to \ufb01t the observed gamma-ray spectrum (Abdo et al. 2010). According to Paper I, such ine\ufb03cient acceleration is possible only for SNRs in the hot phase of the ISM and for the injected particle fraction smaller than 10\u22124. One way to soften the CR spectrum beyond the canonical testparticle slope (\u03b1 > 2) is to include the Alfv\u00b4 enic drift in the precursor, which reduces the velocity jump across the shock. Zirakashvili & Ptuskin (2008) showed that the Alfv\u00b4 enic drift in the ampli\ufb01ed magnetic \ufb01elds both upstream and downstream can drastically soften the accelerated particle spectrum. We will explore this issue using our numerical simulations below. Caprioli et al. (2009) took a di\ufb00erent approach to reconcile the concave CR spectrum predicted by nonlinear DSA theory with the softer spectrum inferred from observed J(E). They suggested that the CR spectrum at Earth is the sum of the time integrated \ufb02ux of the particles that escape from upstream during the ST stage and the \ufb02ux of particles con\ufb01ned in the remnant and escaping at later times. They considered several cases and found the injected spectrum could be softer than the concave instantaneous spectrum at the shock. The main uncertainties in their calculations are related with speci\ufb01c recipes for the particle escape. It is not well understood at the present time how the particles escape through a free escape boundary (xesc) located at a certain distance upstream of the shock or through a maximum momentum boundary due to lack of (selfgenerated) resonant scatterings above an escape momentum. The escape or release of CRs accelerated in SNRs to the ISM remains largely unknown and needs to be investigated further. One of the key aspects of the DSA model is the injection process through which suprathermal particles in the Maxwellian tail get accelerated and injected into the Fermi process. However, the CR injection and consequently the acceleration e\ufb03ciency still remain uncertain, because complex interplay among CRs, waves, and the underlying gas \ufb02ow (i.e., self-excitation of waves, resonant scatterings of particles by waves, and non-linear feedback to the gas \ufb02ow) is all modeldependent and not understood completely. In this paper, we adopted two di\ufb00erent injection recipes based on thermal leakage process, which were considered previously by us and others. Then we have explored the CR acceleration at SNR shocks in the different temperature phases (i.e., di\ufb00erent shock Mach numbers) and with di\ufb00erent injection rates. Details of the numerical simulations and model parameters are described in \u00a7II. The simulation results are presented and discussed in \u00a7III, followed by a summary in \u00a7IV. II. NUMERICAL METHOD (a) Spherical CRASH code Here we consider the CR acceleration at a quasiparallel shock where the magnetic \ufb01eld lines are parallel to the shock normal. So we solve the standard gasdynamic equations with CR pressure terms added in the Eulerian formulation for one dimensional spherical symmetric geometry. The basic gasdynamic equations and details of the spherical CRASH (Cosmic-Ray Amr SHock) code can be found in Paper I and Kang & Jones (2006). In the kinetic equation approach to numerical study of DSA, the following di\ufb00usion-convection equation for the particle momentum distribution, f(p), is solved \fCosmic Ray Spectrum in SNRs 3 along with suitably modi\ufb01ed gasdynamic equations (e.g., Kang & Jones 2006): \u2202g \u2202t + (u + uw)\u2202g \u2202r = 1 3r2 \u2202 \u2202r \u0002 r2(u + uw) \u0003 \u0012\u2202g \u2202y \u22124g \u0013 + 1 r2 \u2202 \u2202r \u0014 r2\u03ba(r, y)\u2202g \u2202r \u0015 , (1) where g = p4f, with f(p, r, t) the pitch angle averaged CR distribution, and y = ln(p), and \u03ba(r, y) is the di\ufb00usion coe\ufb03cient parallel to the \ufb01eld lines . So the proton number density is given by nCR,p = 4\u03c0 R f(p)p2dp. For simplicity we express the particle momentum, p in units of mpc and consider only the proton component. The velocity uw represents the e\ufb00ective relative motion of scattering centers with respect to the bulk \ufb02ow velocity, u. The mean wave speed is set to the Alfv\u00b4 en speed, i.e., uw = vA = B/\u221a4\u03c0\u03c1 in the upstream region. This term re\ufb02ects the fact that the scattering by Alfv\u00b4 en waves tends to isotropize the CR distribution in the wave frame rather than the gas frame. In the postshock region, uw = 0 is assumed, since the Alfv\u00b4 enic turbulence in that region is probably relatively balanced. This reduces the velocity di\ufb00erence between upstream and downstream scattering centers compared to the bulk \ufb02ow, leading to less e\ufb03cient DSA. This in turn a\ufb00ects the CR spectrum, and so the \u2018modi\ufb01ed\u2019 test-particle slope can be estimated as qtp = 3(u0 \u2212vA) u0 \u2212vA \u2212u2 (2) where f(p) \u221dp\u2212qtp is assumed (e.g., Kang et al. 2009). Hereafter we use the subscripts \u20190\u2019, \u20191\u2019, and \u20192\u2019 to denote conditions far upstream of the shock, immediately upstream of the gas subshock and immediately downstream of the subshock, respectively. Thus the drift of Alfv\u00b4 en waves in the upstream region tends to soften the CR spectrum from the canonical test-particle spectrum of f(p) \u221dp\u22124 if the Alfv\u00b4 en Mach number (MA = us/vA) is small. We note \u03b1 = q \u22122 for relativistic energies. For example, for a strong shock with u2 = u0/4 in the test particle limit, we can obtain the observed value of \u03b1 = 2.3 if vA = 0.173u0. Gas heating due to Alfv\u00b4 en wave dissipation in the upstream region is represented by the term W(r, t) = \u2212\u03c9HvA \u2202Pc \u2202r , (3) where Pc = (4\u03c0mpc2/3) R g(p)dp/ p p2 + 1 is the CR pressure. This term is derived from a simple model in which Alfv\u00b4 en waves are ampli\ufb01ed by streaming CRs and dissipated locally as heat in the precursor region (e.g., Jones 1993). As was previously shown in SNR simulations (e.g., Berezhko & V\u00a8 olk 1997, Kang & Jones 2006), precursor heating by wave dissipation reduces the subshock Mach number thereby reducing DSA ef\ufb01ciency. The parameter \u03c9H is introduced to control the degree of wave dissipation. We set \u03c9H = 1 for all models unless stated otherwise. Accurate solutions to the CR di\ufb00usion-convection equation require a computational grid spacing signi\ufb01cantly smaller than the particle di\ufb00usion length, \u2206x \u226a xd(p) = \u03ba(p)/us. With Bohm-like di\ufb00usion coe\ufb03cient, \u03ba(p) \u221dp, a wide range of length scales must be resolved in order to follow the CR acceleration from the injection energy (typically pinj \u223c10\u22122) to highly relativistic energy (p \u226b1). This constitutes an extremely challenging numerical task, requiring rather extensive computational resources. In order to overcome this dif\ufb01culty, we have developed CRASH code in 1D planeparallel geometry (Kang et al. 2001) and in 1D spherical symmetric geometry (Kang & Jones 2006) by combining Adaptive Mesh Re\ufb01nement technique and subgrid shock tracking technique. Moreover, we solve the \ufb02uid and di\ufb00usion-convection equations in a frame comoving with the outer spherical shock in order to implement the shock tracking technique e\ufb00ectively in an expanding spherical geometry. In the comoving grid, the shock remains at the same location, so the compression rate is applied consistently to the CR distribution at the subshock, resulting in much more accurate and e\ufb03cient low energy CR acceleration. (b) Injection Recipes for Thermal Leakage The injection rate with which suprathermal particles are injected into CRs at the subshock depends in general upon the shock Mach number, \ufb01eld obliquity angle, and strength of Alfv\u00b4 en turbulence responsible for scattering. In thermal leakage injection models suprathermal particles well into the exponential tail of the postshock Maxwellian distribution leak upstream across a quasi-parallel shock (Malkov & V\u00a8 olk 1998; Malkov & Drury 2001). Currently, however, these microphysics issues are known poorly and any quantitative predictions of macrophysical injection rate require extensive understandings of complex plasma interactions. Thus this process has been handled numerically by adopting some phenomenological injection schemes in which the particles above a certain injection momentum pinj cross the shock and get injected to the CR population. There exist two types of such injection models considered previously by several authors. In a simpler form, pinj represents the momentum boundary between thermal and CR population and so the particles are injected at this momentum (e.g., Kang & Jones 1995, Berezhko & V\u00a8 olk 1997, Blasi et al. 2005). The injection momentum is then expressed as pinj = Rinjpth, (4) where Rinj is a constant and pth = p 2kBT2mp is the thermal peak momentum of the Maxwellian distribution of the immediate postshock gas with temperature T2, and kB is the Boltzmann constant. The CR distribution at pinj is then \ufb01xed by the Maxwellian distribu\f4 KANG Table 1. Model Parameters Modela nH (ISM) T0 E0 B\u00b5 ro to uo Po (cm\u22123) (K) (1051 ergs) (\u00b5G) (pc) (years) (104 km s\u22121) (10\u22126erg cm\u22123) WA/WB 0.3 3.3 \u00d7 104 1. 30 3.19 255. 1.22 1.05 MA/MB 0.03 105 1. 30 6.87 549. 1.22 1.05 \u00d7 10\u22121 HA/HB 0.003 106 1. 30 14.8 1182. 1.22 1.05 \u00d7 10\u22122 a \u2018W\u2019, \u2018M\u2019, and \u2019H\u2019 stands for the warm, intermediate, and hot phase of the ISM, respectively, while \u2018A\u2019 and \u2018B\u2019 stands for the injection recipes A and B, respectively, described in II (b). tion, f(pinj) = n2 \u0012 mp 2\u03c0kBT2 \u00131.5 exp(\u2212R2 inj), (5) where n2 is the postshock proton number density. Thus the constant parameter Rinj controls the injection rate in this model. Here we refer this as \u2018injection recipe B\u2019 and consider the cases of Rinj = 3.6 and 3.8. In Kang et al. (2002), on the other hand, a smooth \u201ctransparency function\u201d, \u03c4esc(\u01ebB, \u03c5) is adopted, rather than a step-like \ufb01lter function of the injection recipe B. This function expresses the probability of suprathermal particles at a given velocity, \u03c5, leaking upstream through the postshock MHD waves. One free parameter controls this function; \u01ebB = B0/B\u22a5, which is the inverse ratio of the amplitude of the postshock MHD wave turbulence B\u22a5to the general magnetic \ufb01eld aligned with the shock normal, B0 (Malkov & V\u00a8 olk 1998). In this model, the leakage probability \u03c4esc > 0 above p1 \u2248mpu2(1 + 1.07/\u01ebB) \u221dpth, and the \u201ce\ufb00ective\u201d injection momentum is a few times p1. So the injection momentum can be expressed as pinj = Qinj(Ms, \u01ebB)pth. (6) Note that the ratio Qinj is a function of the subshock Mach number, Ms, as well as the parameter \u01ebB, while the constant ratio Rinj is independent of Ms. The value of Qinj is larger (and so the injection rate is smaller) for weaker subshocks and for smaller \u01ebB (see Kang et al. 2002). In an evolving CR modi\ufb01ed shock, the subshock weakens as the precursor develops due to nonlinear feedback of the CR pressure and so the injection rate decreases in time. We refer this as \u2018injection recipe A\u2019 and consider 0.2 \u2264\u01ebB \u22640.3 here. In Paper I we only considered the gas with protons (i.e., mean molecular weight \u00b5 = 1), but here we assume fully ionized plasma with cosmic abundance (\u00b5 = 0.61). As a result, for given gas pressure and density, the temperature is lower and so slightly larger \u01ebB is needed to obtain the similar level of injection as in Paper I. Note that \u01ebB = 0.16 \u22120.2 in Paper I. The e\ufb03ciency of the particle injection is quanti\ufb01ed by the fraction of particles swept through the shock that have been injected into the CR distribution: \u03be(t) = R 4\u03c0r2dr R 4\u03c0f(p, r, t)p2dp R 4\u03c0r2 sn0usdt , (7) where n0 is the proton number density far upstream and rs is the shock radius. Recent observations of nonthermal radiation from several SNRs indicate that the injection fraction is about \u03be \u223c10\u22124 (e.g., Berezhko et al. 2009, Morlino et al. 2009). In our simulations, initially there is no pre-existing CRs and so all CR particles are freshly injected at the shock. (c) A Bohm-like Di\ufb00usion Model Self-excitation of Alfv\u00b4 en waves by the CR streaming instability in the upstream region is an integral part of the DSA (Bell 1978; Lucek & Bell 2004). The particles are resonantly scattered by those waves, di\ufb00use across the shock, and get injected into the Fermi \ufb01rst-order process. These complex interactions are represented by the di\ufb00usion coe\ufb03cient, which is expressed in terms of a mean scattering length, \u03bb, and the particle speed, \u03c5, as \u03ba(x, p) = \u03bb\u03c5/3. The Bohm di\ufb00usion model is commonly used to represent a saturated wave spectrum (i.e., \u03bb = rg, where rg is the gyro-radius), \u03baB(p) = \u03banp2/ (p2 + 1)1/2. Here \u03ban = mc3/(3eB) = 3.13 \u00d7 1022cm2s\u22121B\u22121 \u00b5 , and B\u00b5 is the magnetic \ufb01eld strength in units of microgauss. As in Paper I, we adopt a Bohmlike di\ufb00usion coe\ufb03cient that includes a weaker nonrelativistic momentum dependence, \u03ba(r, p) = \u03ban \u00b7 p \u03c10 \u03c1(r). (8) Since we do not follow explicitly the ampli\ufb01cation of magnetic \ufb01elds due to streaming CRs, we simply assume that the \ufb01eld strength scales with compression and so the di\ufb00usion coe\ufb03cient scales inversely with density. III. Simulations of Sedov-Taylor Blast Waves (a) SNR Model Parameters As in Paper I, we consider a Type Ia supernova explosion with the ejecta mass, Mej = 1.4M\u2299, expand\fCosmic Ray Spectrum in SNRs 5 Fig. 1.\u2014 Time evolution of SNR model MA with \u01ebB = 0.25 (upper panels) and SNR model MB with Rinj = 3.6 (lower panels) at t/to = 1., 3., 6., 10. and 15. In the right panels, heavy lines are for the CR pressure, while thin lines are for the gas pressure. The model parameters are Mej = 1.4M\u2299, Eo = 1051 ergs, nH = 0.03cm\u22123, T0 = 105K, and B0 = 30\u00b5G. See Table 1 for the normalization constants. ing into a uniform ISM. All models have the explosion energy, Eo = 1051 ergs. Previous studies have shown that the shock Mach number is the key parameter determining the evolution and the DSA e\ufb03ciency, although other processes such as the particle injection, the Alfv\u00b4 enic drift and dissipation do play certain roles (e.g. Kang & Jones 2002, 2007). So here three phases of the ISM are considered: the warm phase with nH = 0.3cm\u22123 and T0 = 3 \u00d7 104K, the hot phase with nH = 0.003 cm\u22123 and T0 = 106K, and the intermediate phase with nH = 0.03 cm\u22123 and T0 = 105K. The pressure of the background gas is PISM \u223c10\u221212 erg cm\u22123. Model parameters are summarized in Table 1. For example, \u2018WA\u2019 model stands for the warm phase and the injection recipe A, while \u2018MB\u2019 model stands for the intermediate phase and the injection recipe B. Recent X-ray observations of young SNRs indicate a magnetic \ufb01eld strength much greater than the mean ISM \ufb01eld of 5\u00b5G (e.g., Berezhko et al. 2003; V\u00a8 olk et al. 2005). Thus, to represent this e\ufb00ect we take the upstream \ufb01eld strength, B0 = 30\u00b5G. The strength of magnetic \ufb01eld determines the size of di\ufb00usion coe\ufb03cient, \u03ban, and the drift speed of Alfv\u00b4 en waves relative to the bulk \ufb02ow. The Alfv\u00b4 en speed is given by vA = vA,0(\u03c1/\u03c10)\u22121/2 where vA,0 = (1.8 kms\u22121)B\u00b5/\u221anH. So in the hot phase of the ISM (HA/HB models), vA,0 = 986 kms\u22121 and vA,0/us \u22480.175 at t = to, The physical quantities are normalized, both in the numerical code and in the plots below, by the following constants: ro = \u00123Mej 4\u03c0\u03c1o \u00131/3 , to = \u0012\u03c1or5 o Eo \u00131/2 , \f6 KANG Fig. 2.\u2014 Immediate pre-subshock density, \u03c11, post-subshock density, \u03c12, post-subshock CR and gas pressure in units of the ram pressure of the unmodi\ufb01ed Sedov-Taylor solution, \u03c10U 2 ST \u221d(t/to)\u22126/5, the CR injection parameter, \u03be, and subshock Mach number, Ms are plotted for models WA (left panels), MA (middle panels), and HA (right panels). See Table 1 for the model parameters. The injection recipe A with \u01ebB = 0.25 is adopted. For WA and HA models, the dashed lines are for the runs with a reduced wave heating parameter, wH = 0.5. uo = ro/to, \u03c1o = (2.34 \u00d7 10\u221224gcm\u22123)nH, Po = \u03c1ou2 o. These values are also given in Table 1 for reference. Note that these physical scales depend only on nH, since Mej and Eo are the same for all models. For a SNR propagating into a uniform ISM, the highest momentum, pmax, is achieved at the beginning of the Sedov-Taylor (ST hereafter) stage and the transfer of explosion energy to the CR component occurs mostly during the early ST stage (e.g., Berezhko et al. 1997). In order to take account of the CR acceleration from free expansion stage through ST stage, we begin the calculations with the ST similarity solution at t/to = 0.5 and terminated them at t/to = 15. See Paper I for further discussion on this issue. IV. RESULTS (a) Remnant Evolution Fig. 1 shows the evolution of SNRs in the intermediate temperature phase with \u01ebB = 0.23 (injection recipe A) and with Rinj = 3.6 (injection recipe B). The spatial pro\ufb01le and the evolution of SNRs are quite similar in the two models, implying that detail di\ufb00erence between the two injection recipes is not crucial. This is because the subshock Mach number reduces to Ms \u22484 at the early stage and remains the same until the end of simulations in the both models, resulting in similar evolutionary behavior of \u03be (see Fig. 2). In these e\ufb03cient acceleration models, by the early ST stage, t/to \u223c1, the forward shock has already become dominated by the CR pressure and the total density compression ratio becomes \u03c12/\u03c10 \u22486 in both models. Spatial distri\fCosmic Ray Spectrum in SNRs 7 Fig. 3.\u2014 The same as Fig. 2 except that \u01ebB = 0.2 (solid lines) or 0.3 (dashed lines) is adopted bution of the CR pressure widens and becomes broader than that of the gas pressure at the later stage. The precursor length scale is given by the di\ufb00usion length of the highest momentum particles, ld,max \u2248 0.1 R us(t)dt, independent of the di\ufb00usion coe\ufb03cient \u03ban (Kang et al. 2009). In the test-particle limit, the shock would follow the ST similarity solution given by UST/uo = 0.4\u03bes(t/to)\u22120.6, (9) where \u03bes = 1.15167 is the similarity parameter (Spritzer 1978). Then ld,max/ro \u22480.1\u03bes(t/to)0.4. Since the shock radius of the ST solution is rST/ro = \u03bes(t/to)0.4, the relative width of the precursor is estimated to be ld,max/rs \u22480.1, independent of \u03ban. In Fig. 1 one can see narrow precursors in the density and CR pressure distribution, consistent with this estimate. The shock Mach number is the primary parameter that determines the CR acceleration e\ufb03ciency, while the injection parameters \u01ebB and Rinj are the secondary parameters. So the temperature (i.e., sound speed) of the background ISM is important. The Mach numbers of the initial shock are Ms,i \u2248310, 180, and 60 in the warm, intermediate, hot ISM models, respectively. For the warm (WA/WB) and intermediate (MA/MB) models, the CR acceleration is e\ufb03cient with the postshock CR pressure, 0.2 \u223c < Pc,2/(\u03c10U 2 ST ) \u223c < 0.4, and the shock is signi\ufb01cantly modi\ufb01ed. We will refer these models as \u2018e\ufb03cient acceleration models\u2019. For HA/HB models, the CR acceleration is ine\ufb03cient with Pc,2/(\u03c10U 2 ST ) < 0.1 and the shock is almost test-particle like. So the hot ISM models are \u2018ine\ufb03cient acceleration models\u2019. Regarding the injected particle fractions, the models with \u01ebB > \u223c0.23 or Rinj = 3.6 \u22123.8 have the injection fraction, \u03be > 10\u22124 and represent \u2018e\ufb03cient injection models\u2019. The models with \u01ebB = 0.2 have \u03be \u224810\u22124.2 and are \u2018ine\ufb03cient injection models\u2019. Figs. 2-4 show the evolution of shock properties such as the compression factors, postshock pressures, the injection fraction, and subshock Mach number for various models. In Fig. 2, the models with \u01ebB = 0.25 are shown for \u03c9H = 0.5 (dashed lines) and \u03c9H = 1.0 (solid \f8 KANG Fig. 4.\u2014 The same as Fig. 2 except that the injection recipe B with Rinj = 3.6 or Rinj = 3.8 is adopted lines). We can see that the more e\ufb03cient wave dissipation (i.e., larger \u03c9H) reduces the CR acceleration and the \ufb02ow compression. Here WA and MA models are characterized by both e\ufb03cient injection and e\ufb03cient acceleration, while HA models show an e\ufb03cient injection but ine\ufb03cient acceleration. Most of shock properties seem to approach to more or less time-asymptotic values before t/to = 1. As the precursor grows, the subshock weakens to 3 \u2264Ms \u22645 in these models. The injected CR particle fraction is about \u03be \u224810\u22123. The postshock CR pressure is about Pc,2/(\u03c10U 2 ST ) \u22480.4, 0.25, and 0.1 for WA, MA, and HA models, respectively. The compression factor in the precursor varies a little among di\ufb00erent models, typically \u03c11/\u03c10 \u22482\u22123. The total density compression is \u03c12/\u03c10 \u22487-8 for WA models, 5.5 for MB model, 4.5 for HA models, indicating the CR modi\ufb01ed shock structure. Comparison of Figs. 2 and 3 tells us how the CR acceleration depends on the injection parameter \u01ebB and consequently on \u03be. The injection fraction is \u03be \u224810\u22124.2 for \u01ebB = 0.2 (ine\ufb03cient injection models), \u03be \u224810\u22123 \u221210\u22123.5 for 0.23 \u2264\u01ebB \u22640.25, and \u03be \u224810\u22122.5 \u221210\u22122 for \u01ebB = 0.3. In the ine\ufb03cient injection models, the subshock Mach number and postshock properties change rather gradually throughout the Sedov stage and the shock is almost test-particle like with \u03c11/\u03c10 \u22481. On the other hand, for \u01ebB = 0.3 the injection fraction seems much higher than what is inferred from recent observations of nonthermal emission from young SNRs (e.g., Morlino et al. 2009). The postshock CR pressure, Pc,2/(\u03c10U 2 ST ), is roughly independent of the injection fraction as long as \u03be > \u223c10\u22123.5 (\u01ebB > \u223c0.23). But, for ine\ufb03cient injection models with \u01ebB = 0.2, this ratio is reduced signi\ufb01cantly. We can see that the models with \u01ebB = 0.25 (Fig. 2) and the models with Rinj = 3.6 (Fig. 4) have similar results. This con\ufb01rms that the shock Mach number is the primary factor that controls the CR acceleration. For the injection recipe B, the injection rate does not depend on the subshock Mach number, so the evolution of \u03be is similar among WB, MB, and HB models. The models with Rinj = 3.8 have about 3 times smaller \fCosmic Ray Spectrum in SNRs 9 Fig. 5.\u2014 The CR distribution at the shock, g(rs, p), and its slope, q(p) = \u2212d(ln g(rs, p))/d ln p + 4, the volume integrated CR number, G(p) = R g(r, p)4\u03c0r2dr, and its slope, Q(p) = \u2212d(ln G(p))/d ln p + 4, are shown at t/to = 1, 3, 6, 10, and 15 for models WA (left panels), MA (middle panels), and HA (right panels). The injection recipe A with \u01ebB = 0.25 is adopted. injection fraction and evolve more slowly, compared to those with Rinj = 3.6. But both models seems to approach to the similar states at t/to > 10. (b) Cosmic Ray Spectrum The rate of momentum gain for a particle under going DSA is given by dp dt = u0 \u2212u2 3 \u0012u0 \u03ba0 + u2 \u03ba2 \u0013 p. (10) Assuming that the shock approximately follows the ST solution and that the compression ratio is about four, the maximum momentum of protons accelerated from ti to t, can be calculated as pmax \u22480.53u2 oto \u03ban \"\u0012 ti to \u0013\u22120.2 \u2212 \u0012 t to \u0013\u22120.2# . (11) For our simulations started from ti/to = 0.5, this asymptotes to pmax \u22480.61(u2 oto/\u03ban) \u223c106.5 at large t, which corresponds to Emax \u22481015.5 eV. Figs. 5-7 show the CR distribution function at the shock, g(rs, p), and its slope q(p) = \u2212d(ln g(rs, p))/d ln p+ 4, and the volume integrated CR spectrum, G(p) = R 4\u03c0g(r, p)r2dr and its slope Q(q) = \u2212d(ln G(p))/d ln p+ 4. The thermal population is included in the plot of g(rs, p) in order to demonstrate how it is smoothly connected with the CR component through thermal leakage. For the volume integrated spectrum, only the CR component is shown. We note that in our simulations the particles escape from the simulation box only by di\ufb00using upstream and no escape condition is enforced. Thus G(p) represents the spectrum of the particles con\ufb01ned by the shock, including the particles in the upstream region. From the spectra in Figs. 5-7, we can see that pmax approaches up to \u223c1015 \u22121015.5 eV/c at t/to = 15 for all models, which is consistent \f10 KANG Fig. 6.\u2014 The same as Fig. 5 except that \u01ebB = 0.2 is adopted. The injection and acceleration e\ufb03ciencies are low. with the estimate given in Eq. (11). In Fig. 5, the CR spectra at the shock in the models with \u01ebB = 0.25 (high injection rate with \u03be \u224810\u22123) exhibit the canonical nonlinear concave curvature. This is a consequence of the following two e\ufb00ects: the large compression factor across the shock structure and the decreasing injection rate due to the slowing of the shock speed. With the CR modi\ufb01ed \ufb02ow structure, the slope near pmax becomes harder with qt = 3s\u03c3t/(s\u03c3t \u22121), where s = 1 \u2212\u03c5A/us is the modi\ufb01cation factor due to the Alfv\u00b4 enic drift and \u03c3t = \u03c12/\u03c10 \u226b4 is the total shock compression ratio. If the subshock Mach number reduces to Ms \u22483 \u22125, the test-particle slope at low momenta becomes qs = 3s\u03c3s/(s\u03c3s \u22121) \u22484.2 \u22124.5, where \u03c3s = \u03c12/\u03c11 is the compression ratio across the subshock. The particle \ufb02ux through the shock, \u03c10us, decreases, because the SNR shock slows down in time. At the same time the injection rate decreases because the injection process is less e\ufb03cient at weaker shocks. The combined e\ufb00ects result in the reduction of the amplitude of f(rs, p) near pinj. Consequently, the CR spectrum at lower momentum steepens and decreases in time. Fig. 5 demonstrates that the modi\ufb01ed \ufb02ow structure along with slowing down of the shock speed accentuates the concavity of the CR spectrum in much higher degrees than what is normally observed in planeparallel shocks. However, the volume integrated spectrum G(p) is more relevant for unresolved observations of SNRs or for the total CR spectrum produced by SNRs. The concavity of G(p) is much less pronounced than that of g(rs, p), and its slope Q(p) varies 4.2-4.4 at low momentum and 3.5-4.0 at high momentum among di\ufb00erent models. We see that G(p) stays almost constant for t/to > \u223c6, especially for 1011 < E < 1015eV, while extending in the momentum space with decreasing pmin and increasing pmax. This can be understood as follows. From Figs. 2-4, Pc,2/(\u03c10U 2 ST) \u223cconstant for t/to > 1 (except in the ine\ufb03cient injection model with \u01ebB = 0.2), so the CR pressure evolves like Pc,2 \u221dt\u22126/5 (see also Fig. 1). The total CR energy associated with the remnant is roughly ECR \u221dPcR3 ST \u223cconstant. \fCosmic Ray Spectrum in SNRs 11 Fig. 7.\u2014 The same as Fig. 5 except that the injection recipe B with Rinj = 3.8 is adopted. Since ECR \u221dR G(p)dp approximately, so G(p) should approach to an asymptotic form for t/to \u226b1. In other words, the distribution function g(r/rs, p) decreases as t\u22126/5 in terms of the normalized coordinate, r/rs, but the volume occupied by the remnant increases as t6/5, resulting in more or less constant G(p). Using this and the fact that pmax asymptotes to 0.6(u2 oto/\u03ban) at large t, we can predict that the form of G(p) would remain about the same at much later time. As discussed in the Introduction, the CR spectrum observed at Earth is J(E) \u221dE\u22122.67 for 109 < E < 1014 eV. This implies that the source spectrum should be roughly N(E) \u221dE\u2212\u03b1 with \u03b1 = 2.3 \u22122.4, if we assume an energy-dependent path length, \u039b(R) \u221dR\u22120.6 (where R = pc/Ze is the rigidity) (Ave et al. 2009). If in fact the CR source spectrum at SNRs, G(p), is assumed to be released into the ISM at the end of ST stage, N(E)dE \u221dG(p)p2dp is too \ufb02at to be consistent with the observation. Thus from the spectra G(p) in Fig. 5 we can infer that SNRs expanding into warm or intermediate phases of the ISM cannot be the dominant sources of Galactic CRs. Even with the hot ISM models, the canonical testparticle spectrum, N(E) \u221dE\u22122 might be still too \ufb02at. If we consider the e\ufb00ects of Alfv\u00b4 en wave drift, however, the modi\ufb01ed test-particle slope will be given by Eq. (2) for strong plane-parallel shocks. One can estimate that vA \u22481000kms\u22121 for nH = 0.003cm\u22123 and B0 = 30\u00b5G, which leads to \u03b1 \u22482.3. We show in Fig. 6 the CR spectra for ine\ufb03cient injection models with \u01ebB = 0.2. The spectra are less \ufb02at, compared with those of e\ufb03cient injection models shown in Fig. 5. Especially, the HA model with \u01ebB = 0.2 has the slope, \u03b1 = 2.1\u22122.3 for 1011 < E < 1015 eV. This could be more compatible with observed J(E) at Earth. Fig. 7 shows the spectra for the models with injection recipe B (Rinj = 3.8). Again G(p) of HB model shows the slope, \u03b1 = 2.1\u22122.3, for 1011 < E < 1015 eV. In fact these spectra are quite similar to those for HA model shown in Fig. 6. \f12 KANG Fig. 8.\u2014 Integrated thermal, kinetic and CR energies inside the simulation volume as a function of time for di\ufb00erent models. The injection parameter is from top to bottom, \u01ebB = 0.2, \u01ebB = 0.25, Rinj = 3.8, and Rinj = 3.6. See Table 1 for model parameters. (c) Energy Conversion Factor Finally, Fig. 8 shows the integrated energies, Ei/Eo = 4\u03c0 R eir2dr, where eth, ekin, and eCR are the densities of thermal, kinetic and cosmic ray energy, respectively. The kinetic energy reduces only slightly and is similar for all models. The total CR energy accelerated by t/to = 15 is ECR/Eo = 0.35, 0.20, and 0.05 for WA, MA, and HA models, respectively, for \u01ebB = 0.2. In the e\ufb03cient injection models with \u01ebB = 0.25 or Rinj = 3.6, the evolution of SNRs is quite similar, and the CR energy fraction approaches to ECR/Eo = 0.56, 0.43, and 0.25 for WA/WB, MA/MB, and HA/HB models, respectively. So in terms of the energy transfer fraction, the CR acceleration in the warm ISM models seems to be too e\ufb03cient. But one has to recall that the CR injection rate may depend on the mean magnetic \ufb01eld direction relative to the shock surface. In a more realistic magnetic \ufb01eld geometry, where a uniform ISM \ufb01eld is swept by the spherical shock, only 10-20 % of the shock surface has a quasi-parallel \ufb01eld geometry (V\u00a8 olk et al. 2003). If the injection rate were to be reduced signi\ufb01cantly at perpendicular shocks, one may argue that the CR energy conversion factor averaged over the entire shock surface could be several times smaller than the factors shown in Fig. 8. On the other hand, Giacalone (2005) showed that the protons can be injected e\ufb03ciently even at perpendicular shocks in fully turbulent \ufb01elds due to \ufb01eld line meandering. In such case the injection rate at perpendicular shocks may not be much smaller than that at parallel shocks and the CR energy conversion may be similar. Then SNRs in the warm phase of the ISM seem to generate too much CR energy. In order to meet the requirement of 10 % energy conversion and at the same time to reconcile with the CR spectrum observed at Earth, SNRs expanding into the hot phase of the ISM should be the dominant accelerators of Galactic CRs below 1015eV. \fCosmic Ray Spectrum in SNRs 13 V. SUMMARY The evolution of cosmic ray modi\ufb01ed shocks depends on complex interactions between the particles, waves in the magnetic \ufb01eld, and underlying plasma \ufb02ow. We have developed numerical tools that can emulate some of those interactions and incorporated them into a kinetic numerical scheme for DSA, CRASH code (Kang et al. 2002, Kang & Jones 2006). Speci\ufb01cally, we assume that a Bohm-like di\ufb00usion arises due to resonant scattering by Alfv\u00b4 en waves self-excited by the CR streaming instability, and adopt simple models for the drift and dissipation of Alfv\u00b4 en waves in the precursor (Jones 1993; Kang & Jones 2006). In the present paper, using the spherical CRASH code, we have calculated the CR spectrum accelerated at SNRs from Type Ia supernova expanding into a uniform interstellar medium. We considered di\ufb00erent temperature phases of the ISM, since the shock Mach number is the primary parameter that determines the acceleration e\ufb03ciency of DSA. One of the secondary parameters is the fraction of particles injected into the CR population, \u03be, at the gas subshock. Since detailed physical processes that governs the injection are not known well, we considered two injection recipes that are often adopted by previous authors. The main di\ufb00erence between the two recipes is whether the ratio of injection momentum to thermal peak momentum, i.e., pinj/pth, is constant or depends on the subshock Mach number. It turns out the CR acceleration and the evolution of SNRs are insensitive to such di\ufb00erence as long as the injection fraction is similar. For example, the models with injection recipe A with \u01ebB = 0.23 and the models with injection recipe B with Rinj = 3.6 show almost the same results with similar injection fractions, \u03be \u224810\u22123.5 \u221210\u22123. In general the DSA is very e\ufb03cient for strong SNR shocks, if the injection fraction, \u03be > \u223c10\u22123.5. The CR spectrum at the subshock shows a strong concavity, not only because the shock structure is modi\ufb01ed nonlinearly by the dominant CR pressure, but also because the SNR shock slows down in time during the ST stage. Thus the concavity of the CR spectrum in SNRs is more pronounced than that in plane-parallel shocks. However, the volume integrated spectrum, G(p), (i.e., the spectrum of CRs con\ufb01ned by the shock including the particles in the upstream region) is much less concave, which is consistent with previous studies (e.g., Berezhko & V\u00a8 olk 1997). We have shown also that G(p) approaches roughly to time-asymptotic states, since the CR pressure decreases as t\u22126/5 while the volume increases as R3 ST \u221dt6/5. This in turn makes the total CR energy converted (ECR) asymptotes to a constant value. If we assume that CRs are released at the break-up of SNRs, then the source spectrum can be modeled as N(E)dE = G(p)p2dp. However, it is a complex unknown problem how to relate G(p) to the source spectrum N(E) and further to the observed spectrum J(E). In the warm ISM models (T0 = 3 \u00d7 104K, nH = 0.3cm\u22123), the CR acceleration at SNRs may be too ef\ufb01cient. More than 40% of the explosion energy (Eo) is tranferred to CRs and the source CR spectrum, N(E) \u221dE\u2212\u03b1 with \u03b1 \u22481.5, is too \ufb02at to be consistent with the observed CR spectrum at Earth (Ave et al. 2009). In these models with e\ufb03cient injection and acceleration, the \ufb02ow structure is signi\ufb01cantly modi\ufb01ed with \u03c12/\u03c10 \u22487.2-7.5 for WA/WB models. In the intermediate temperature ISM models (T0 = 105K, nH = 0.03cm\u22123), the \ufb02ow structure is still significantly modi\ufb01ed with \u03c12/\u03c10 \u22485.7-6.0 and the fraction of energy conversion, ECR/E0 \u22480.2 \u22120.4 for MA/MB models. Only in the hot ISM model (T0 = 106K, nH = 0.003cm\u22123) with ine\ufb03cient injection (\u01ebB = 0.2 or Rinj > 3.8), the shock structure is almost test-particle like with \u03c12/\u03c10 \u22484.2-4.4 and the fraction of energy conversion, ECR/E0 \u22480.1 \u22120.2 for HA/HB models. The predicted source spectrum G(p) has a slope q = 4.1\u22124.3 for 1011 < E < 1015 eV. Here drift of Alfv\u00b4 en waves relative to the bulk \ufb02ow upstream of the subshock plays an important role, since the modi\ufb01ed test-particle slope, qtp = 3(u0\u2212vA)/(u0\u2212vA\u2212u2), can be steeper than the canonical value of q = 4 for strong unmodi\ufb01ed shocks. With magnetic \ufb01elds of B0 = 30\u00b5G, the Alfv\u00b4 en speed is vA \u22481000kms\u22121, and so the modi\ufb01ed test-particle slope is \u03b1 \u22482.3. This may imply that SN exploding into the hot ISM are the dominant sources of Galactic CRs below 1015eV. One might ask if the magnetic \ufb01eld ampli\ufb01cation would take place in the case of such ine\ufb03cient acceleration, since the magnetic \ufb01eld energy density is expected to be proportional to the CR pressure. An alternative way to enhance the downstream magnetic \ufb01eld was suggested by Giacalone & Jokipii (2007). They showed that the density \ufb02uctuations preexisting upstream can warp the shock front and vortices are generated behind the curved shock surface. Then vortices are cascade into turbulence which ampli\ufb01es magnetic \ufb01elds via turbulence dynamo. Finally, in all models considered in this study, for Bohm-like di\ufb00usion with the ampli\ufb01ed magnetic \ufb01eld in the precursor, indicated by X-ray observations of young SNRs, the particles could be accelerated to Emax \u2248 1015.5ZeV. The drift and dissipation of faster Alfv\u00b4 en waves in the precursor, on the other hand, soften the CR spectrum and reduce the CR acceleration e\ufb03ciency. ACKNOWLEDGEMENTS The author would like to thank T. W. Jones and P. Edmon for helpful comments on the paper and Kavli Institute for Theoretical Physics (KITP) for their hospitality and support, where some parts of this work were carried out during Particle Acceleration in Astrophysical Plasmas 2009 program. This work was supported by National Research Foundation of Korea Grant funded by the Korean Government (2009\f14 KANG 0075060)."
+ },
+ {
+ "url": "http://arxiv.org/abs/0901.1702v1",
+ "title": "Self-Similar Evolution of Cosmic-Ray Modified Shocks: The Cosmic-Ray Spectrum",
+ "abstract": "We use kinetic simulations of diffusive shock acceleration (DSA) to study the\ntime-dependent evolution of plane, quasi-parallel, cosmic-ray (CR) modified\nshocks. Thermal leakage injection of low energy CRs and finite Alfv\\'en wave\npropagation and dissipation are included. Bohm diffusion as well as the\ndiffusion with the power-law momentum dependence are modeled. As long as the\nacceleration time scale to relativistic energies is much shorter than the\ndynamical evolution time scale of the shocks, the precursor and subshock\ntransition approach the time-asymptotic state, which depends on the shock sonic\nand Alfv\\'enic Mach numbers and the CR injection efficiency. For the diffusion\nmodels we employ, the shock precursor structure evolves in an approximately\nself-similar fashion, depending only on the similarity variable, x/(u_s t).\nDuring this self-similar stage, the CR distribution at the subshock maintains a\ncharacteristic form as it evolves: the sum of two power-laws with the slopes\ndetermined by the subshock and total compression ratios with an exponential\ncutoff at the highest accelerated momentum, p_{max}(t). Based on the results of\nthe DSA simulations spanning a range of Mach numbers, we suggest functional\nforms for the shock structure parameters, from which the aforementioned form of\nCR spectrum can be constructed. These analytic forms may represent approximate\nsolutions to the DSA problem for astrophysical shocks during the self-similar\nevolutionary stage as well as during the steady-state stage if p_{max} is\nfixed.",
+ "authors": "Hyesung Kang, Dongsu Ryu, T. W. Jones",
+ "published": "2009-01-13",
+ "updated": "2009-01-13",
+ "primary_cat": "astro-ph.HE",
+ "cats": [
+ "astro-ph.HE"
+ ],
+ "main_content": "Introduction Di\ufb00usive shock acceleration (DSA) is widely accepted as the primary mechanism through which cosmic rays (CRs) are produced in a variety of astrophysical environments (Bell 1978; Drury 1983; Blandford & Eichler 1987). The most attractive feature of the DSA theory is the simple prediction of the power-law momentum distribution of CRs, f(p) \u221dp\u22123\u03c3/(\u03c3\u22121) (where \u03c3 is the shock compression ratio) in the test particle limit. For strong, adiabatic gas shocks, this gives a power-law index of 4, which is reasonably close to the observed, \u2018universal\u2019 index of the CR spectra in many environments. However, it was recognized early on, through both analytical and numerical calculations, that the DSA can be very e\ufb03cient and that there are highly nonlinear back-reactions from CRs to the underlying \ufb02ows that modify the spectral form, as well (e.g., Malkov & Drury 2001, for a review). In such CR modi\ufb01ed shocks, the pressure from CRs di\ufb00using upstream compresses and decelerates the gas smoothly before it enters the dissipative subshock, creating a shock precursor and governing the evolution of the \ufb02ow velocity in the precursor. On the other hand, it is primarily the \ufb02ow velocity through the precursor and the subshock that controls the thermal leakage injection and the DSA of CRs. Hence the dynamical structure of the \ufb02ow and the energy spectrum of CRs must evolve together, in\ufb02uencing each other in a self-consistent way. It is formation of the precursor that causes the momentum distribution of CRs to deviate from the simple test-particle power-law distribution. With a realistic momentum-dependent di\ufb00usion, \u03ba(p), the particles of di\ufb00erent momenta, p, experience di\ufb00erent compressions, depending on their di\ufb00usion length, ld(p) = \u03ba(p)/us (where us is the shock speed). The particles just above the injection momentum (pinj) sample mostly the compression across the subshock (\u03c3s), while those near the highest momentum (pmax) experience the greater, total compression across the entire shock structure (\u03c3t). This leads to the particle distribution function that behaves as f(p) \u221dp\u22123\u03c3s/(\u03c3s\u22121) for p \u223cpinj, but \ufb02attens gradually to f(p) \u221dp\u22123\u03c3t/(\u03c3t\u22121) toward p \u223cpmax (Du\ufb00y et al. 1994). Analytic solutions for f(p) at the shock have been found in steady-state limits under special conditions; for example, the case of a constant di\ufb00usion coe\ufb03cient (Drury et al. 1982) and the case of steady-state shocks with a \ufb01xed pmax above which particles escape from the system (Malkov 1997, 1999; Amato & Blasi 2005, 2006). In these treatments, the self-consistent solutions involve rather complicated transformations and integral equations, so are di\ufb03cult to use in general, although they do provide important insights. In particular, Malkov (1999) showed that in highly modi\ufb01ed, strong, steady shocks (\u03c3t \u226b1) with a \ufb01xed pmax, the spectrum of CRs \ufb02attens to f(p) \u221dp\u22123.5 for \u03ba(p) \u221dp\u03b1 with \u03b1 > 1/2. He also argued that the form of the CR spectrum is universal under these conditions, independent \f\u2013 3 \u2013 of \u03ba(p) and \u03c3t. In an e\ufb00ort to provide more practical description Berezhko & Ellison (1999) presented a simple approximate model of the CR spectrum at strong, steady shocks in planeparallel geometry. They adopted a three-element, piece-wise power-law form to represent the spectrum at non-relativistic, intermediate, and highly relativistic energies. And they demonstrated that this model approximately represents the results of their Monte Carlo simulations. In Kang & Jones (2007) (Paper I), from kinetic equation simulations of DSA in planeparallel shocks with the Bohm-like di\ufb00usion (\u03ba \u221dp), we showed that the CR injection rate and the postshock states approach time-asymptotic values, even as the highest momentum pmax(t) continues to increase with time, and that such shocks then evolve in a \u201cself-similar\u201d fashion. We then argued that the nonlinear evolution of the shock structure and the CR distribution function in this stage may be described approximately in terms of the similarity variables, \u03be = x/(ust) and Z \u2261ln(p/pinj)/ ln[pmax(t)/pinj]. Based on the self-similar evolution, we were able to predict the time-asymptotic value of the CR acceleration e\ufb03ciency as a function of shock Mach number for the assumed models of the thermal leakage injection and the wave transportation. In those simulations we assumed that the self-generated waves provide scatterings su\ufb03cient enough to guarantee the Bohm-like di\ufb00usion, and that the particles do not escape through either an upper momentum boundary or a free-escape spatial boundary. So the CR spectrum extended to ever higher momenta, but at the same time the particles with the highest momentum spread over the increasing di\ufb00usion length scale as lmax \u221d\u03ba(pmax)/us \u221dpmax \u221dt. We note that in Paper I we considered plane-parallel shocks with shock Mach number, 2 \u2264M0 \u226480, propagating into the upstream gas with either T0 = 104K or 106 K, since we were interested mainly in cosmic structure formation shocks. The simplicity of the results in Paper I suggested that it might be possible to obtain an approximate analytic expression for the CR spectrum in such shocks, but the simulations presented in that paper were not su\ufb03cient to address that question. Thus we further carried out an extensive set of simulations to explore fully the time-dependent behavior of the CR distribution in CR modi\ufb01ed shocks with shock Mach numbers M0 \u226510. In this paper, from the results of these simulations, we suggest practical analytic expressions that can describe the shock structure and the energy spectrum of accelerated particles at evolving CR modi\ufb01ed shocks in plane-parallel geometry, in which the Bohm-like di\ufb00usion is valid. In realistic shocks, however, once the di\ufb00usion length lmax becomes comparable to the curvature of shocks, or when the growth of waves generated by the CR streaming instability is ine\ufb03cient, the highest energy particles start to escape from the system before they are scattered and advected back through the subshock. In such cases, pmax is \ufb01xed, and the \f\u2013 4 \u2013 CR spectrum and the shock structure evolve into steady states. So, for comparison, we carried out additional simulations for analogous shocks in which the particles are allowed to escape from the system once they are accelerated above an upper momentum boundary, pub. Those shocks achieve true steady states and the shock structure and the CR distribution become stationary with forms similar to those maintained during the self-similar stage of shock evolution. In this sense, our solution is consistent with the analytic solutions for steady state shocks obtained in the previous papers mentioned above. In the next section we describe the numerical simulations and results. The approximate formula for the CR spectrum will be presented and discussed in \u00a73, followed by a summary in \u00a74. We also include an appendix that presents simple analytic and empirical expressions that can be used to characterize the dynamical properties of CR modi\ufb01ed shocks. 2. Numerical Calculations 2.1. Basic equations In our kinetic simulations of DSA, we solve the standard gasdynamic equations with the CR pressure terms in the conservative, Eulerian form for one-dimensional plane-parallel geometry (Kang et al. 2002; Kang & Jones 2005, 2007), \u2202\u03c1 \u2202t + \u2202(u\u03c1) \u2202x = 0, (1) \u2202(\u03c1u) \u2202t + \u2202(\u03c1u2 + Pg + Pc) \u2202x = 0, (2) \u2202(\u03c1eg) \u2202t + \u2202 \u2202x(\u03c1egu + Pgu) = \u2212u\u2202Pc \u2202x + W(x, t) \u2212L(x, t), (3) where Pg and Pc are the gas and CR pressures, respectively, eg = Pg/[\u03c1(\u03b3g \u22121)] + u2/2 is the total gas energy per unit mass. The remaining variables, except for L and W, have the usual meanings. The injection energy loss term, L(x, t), accounts for the energy carried away by the suprathermal particles injected into the CR component at the subshock and is subtracted from the postshock gas immediately behind the subshock. The gas heating due to the Alfv\u00b4 en wave dissipation in the upstream region is represented by the term W(x, t) = \u2212vA \u2202Pc \u2202x , (4) where vA = B/\u221a4\u03c0\u03c1 is the local Alfv\u00b4 en speed (Paper I). These equations can be used to describe parallel shocks, where the large-scale magnetic \ufb01eld is aligned with the shock normal and the pressure contribution from the turbulent magnetic \ufb01elds can be neglected. \f\u2013 5 \u2013 The CR population is evolved by solving the di\ufb00usion-convection equation for the pitchangle-averaged distribution function, f(x, p, t), in the form, \u2202g \u2202t + (u + uw)\u2202g \u2202x = 1 3 \u2202 \u2202x(u + uw) \u0012\u2202g \u2202y \u22124g \u0013 + \u2202 \u2202x \u0014 \u03ba(x, y)\u2202g \u2202x \u0015 , (5) where g = p4f and y = ln(p) (Skilling 1975a). Here, \u03ba(x, p) is the spatial di\ufb00usion coe\ufb03cient. The CR population is isotropized with respect to the local Alfv\u00b4 enic wave turbulence, which would in general move at a speed uw with respect to the plasma. Since the Alfv\u00b4 en waves upstream of the subshock are expected to be established by the streaming instability, the wave speed is set there to be uw = vA. Downstream, it is likely that the Alfv\u00b4 enic turbulence is nearly isotropic, so we use uw = 0 there. We consider two models for CR di\ufb00usion: Bohm di\ufb00usion and power-law di\ufb00usion, \u03baB = \u03ba\u2217 \u0012\u03c10 \u03c1 \u0013\u03bd p2 p p2 + 1 , \u03bapl = \u03ba\u2217 \u0012\u03c10 \u03c1 \u0013\u03bd p\u03b1, (6) with \u03b1 = 0.5 \u22121. Hereafter, the momentum is expressed in units of mpc, where mp is the proton mass and c is the speed of light. So, \u03ba\u2217is a constant of dimensions of length squared over time. As in our previous studies, we consider di\ufb00usion both without and with a density dependence, \u03c10/\u03c1; that is, either \u03bd = 0 or \u03bd = 1. The latter case quenches the CR acoustic instability (Drury 1984) and approximately accounts for the compressive ampli\ufb01cation of Alfv\u00b4 en waves. Since we do not follow explicitly the ampli\ufb01cation of magnetic \ufb01elds due to streaming CRs, we simply assume that the \ufb01eld strength scales with compression and so the di\ufb00usion coe\ufb03cient scales inversely with density. Bohm-like di\ufb00usion is an idealization of what is expected in a dynamically evolving CR modi\ufb01ed shock. As discussed in \u00a72.3 the diffusion coe\ufb03cient, which results from resonant scattering with Alfv\u00b4 en waves, varies inversely with the intensity of the resonant waves. The wave intensity is expected to be ampli\ufb01ed as the shock evolves from upstream, ambient values via the streaming instability. Bohm di\ufb00usion represents the simplest nonlinear limited model for that process. The very highest momentum CRs will encounter ambient wave intensities, so perhaps below levels implied by Bohm di\ufb00usion. The model assumes that the streaming instability quickly ampli\ufb01es those waves to nonlinear levels (e.g., Skilling 1975b; Lucek & Bell 2000). We label the quantities upstream of the shock precursor by the subscript \u20180\u2019, those immediately upstream of the gas subshock by \u20181\u2019, and those downstream by \u20182\u2019. So, \u03c10, for example, stands for the density of the upstream gas. Equations (1), (2), (3), and (5) are simultaneously integrated by the CRASH (CosmicRay Acceleration SHock) code. The detailed description of the CRASH code can be found \f\u2013 6 \u2013 in Kang et al. (2002) and Paper I. Three features of CRASH are important to our discussion below. First, CRASH applies an adaptive mesh re\ufb01nement technique around the subshock. So the precursor structure is adequately resolved to couple the gas to the CRs of low momenta, whose di\ufb00usion lengths can be at least several orders of magnitude smaller that the precursor width. Second, CRASH uses a subgrid shock tracking; that is, the subshock position is followed accurately within a single cell on the \ufb01nest mesh re\ufb01nement level. Consequently, the e\ufb00ective numerical subshock thickness needed to compute the spatial derivatives in equation (5) is always less than the single cell size of the \ufb01nest grid. Third, we calculate the exact subshock speed at each time step to adjust the rest frame of the simulation, so that the subshock is kept inside the same grid cell throughout. These three features enable us to obtain good numerical convergence in our solutions with a minimum of computational e\ufb00orts. As shown in Paper I, the CRASH code can obtain reasonably converged dynamical solutions even when the grid spacing in the \ufb01nest re\ufb01ned level is greater than the di\ufb00usion length of the lowest energy particles (i.e., \u2206x8 > ld(pinj)). This feature allows us to follow the particle acceleration for a large dynamic rage of pmax/pinj, typically, \u223c109, although the evolution of the energy spectrum at low energies and the early dynamical evolution of the shock structure may not be calculated accurately. 2.2. Simulation Set-up The injection and acceleration of CRs at shocks depend in general upon various shock parameters such as the Mach number, the magnetic \ufb01eld strength and obliquity angle, and the strength of the Alfv\u00b4 en turbulence responsible for scattering. In this study we focus on the relatively simple case of CR proton acceleration at quasi-parallel shocks, which is appropriately described by equations (1) (3). The details of simulation set-up can be found in Paper I, and only a few essential features are brie\ufb02y summarized here. Except for di\ufb00usion details, the set-up described here is identical to those reported in Paper I. As in Paper I, a shock is speci\ufb01ed by the upstream gas temperature T0 and the initial Mach number M0. Two values of T0, 104 K and 106 K, are considered, representing the warm photoionized gas and the hot shock-heated gas often found in astrophysical environments, respectively. Then the initial shock speed is given as us,i = cs,0M0 = 15 km s\u22121 \u0012 T0 104 \u00131/2 M0, (7) where cs,0 is the sound speed of the upstream gas. All the simulations reported in this paper have M0 = 10, which is large enough to produce signi\ufb01cant CR modi\ufb01cation. In Paper I we considered a wide range of shock Mach numbers and examined the Mach-number \f\u2013 7 \u2013 dependence of the evolution of CR modi\ufb01ed shocks. The CR injection and acceleration e\ufb03ciencies are determined mainly by the sonic Mach number and the relative Alfv\u00b4 en Mach number for shocks with M0 \u227310 (Kang et al. 2002; Kang 2003). On the other hand, they depend sensitively on other model parameters for shocks with lower Mach numbers. In this paper we thus focus on the evolution of the CR spectrum at moderately strong shocks with M0 \u227310. We will consider the more complicated problem of weaker shocks in a separate paper. In our problem, three normalization units are required for length, time, and mass. While ordinary, one-dimensional, ideal gasdynamic problems do not contain any intrinsic scales, the di\ufb00usion in the DSA problem introduces one; that is, either a di\ufb00usion length or a di\ufb00usion time, which of course depend on the particle momentum. So let p\u2020 be a speci\ufb01c value of the highest momentum that we aim to achieve by the termination time of our simulations. Then the greatest width of the precursor is set by the di\ufb00usion length of the particles with p\u2020, ld(p\u2020) = \u03ba(\u03c10, p\u2020)/us, while the time required for the precursor to reach that width is given by tacc(p\u2020) \u221dld(p\u2020)/us (see eq. [9]). Hence we choose di\ufb00usion length and time for p\u2020, \u02c6 x = \u02c6 \u03ba/\u02c6 u and \u02c6 t = \u02c6 \u03ba/\u02c6 u2, with \u02c6 u = us,i and \u02c6 \u03ba = \u03ba(\u03c10, p\u2020), as the normalization units for length and time. For the normalization units for mass, we choose \u02c6 \u03c1 = \u03c10. Then the normalized quantities become \u02dc x = x/\u02c6 x, \u02dc t = t/\u02c6 t, \u02dc u = u/\u02c6 u, \u02dc \u03ba = \u03ba/\u02c6 \u03ba, and \u02dc \u03c1 = \u03c1/\u02c6 \u03c1. In addition, the normalized pressure is expressed as \u02dc P = P/(\u02c6 \u03c1\u02c6 u2). With these choices, we expect that at time \u02dc t \u223c1, the precursor width would be \u02dc x \u223c\u02dc ld(p\u2020) \u223c1, for example. It should be clear that the physical contents of our normalization are ultimately determined by the value of p\u2020 anticipated to correspond to \u02dc t \u223c1 as well as by the form of \u03ba(\u03c1, p). In the simulations reported here, p\u2020 was selected to give us the maximum span of p that is consistent with our ability to obtain converged results with available computational resources. Our choice of p\u2020 is especially dependent on the nonrelativistic momentum dependence of \u03ba(p). In particular, when the dependence is steep, \u03ba(pinj) and ld(pinj) can become extremely small compared to their relativistic values, necessitating very \ufb01ne spatial resolution around the subshock. In Table 1, we list our numerical models classi\ufb01ed by T0 and \u03ba. For example, T6P1 model adopts T0 = 106 K and \u03bapl with \u03b1 = 1 and \u03bd = 0, while T4Bd model adopts T = 104 K and Bohm di\ufb00usion, \u03baB, with \u03bd = 1. In the power law di\ufb00usion models of T6P1 and T6P1d, p\u2020 \u223c106 is chosen for the normalization, so that \u02dc \u03ba(\u02dc \u03c1 = 1) = \u02dc \u03ba\u2217p = 10\u22126p. For the Bohm di\ufb00usion models, T6Bd and T4Bd, on the other hand, p\u2020 \u223c102 is chosen, because the steep nonrelativistic form of the di\ufb00usion makes those models too costly for us to follow evolution to much higher CR momenta. A speci\ufb01c example can clarify the application of these simulations to real situations. Let us consider a shock with us,i = 1.5 \u00d7 103 km s\u22121 propagating into the interstellar medium \f\u2013 8 \u2013 with B = 5 \u00b5G. Then in the Bohm limit that the relativistic CR scattering length equals the gyroradius, \u03ba\u2217= mpc2/(3eB) = 6.3 \u00d7 1021 cm2 s\u22121. For the T6P1 model, for instance, the normalization constants are \u02c6 u = 1.5\u00d7103 km s\u22121 and \u02c6 \u03ba = 6.3\u00d71027 cm2 s\u22121, so \u02c6 x = 4.2\u00d71019 cm and \u02c6 t = 2.8 \u00d7 1011 s. On the other hand, the time evolution of these shocks becomes approximately selfsimilar, as we will demonstrate. In that case the normalization choices above are entirely for the convenience of computation. We will eventually replace even these normalized physical variables with dimensionless similarity variables. To simplify the notation in the meantime, we hereafter drop the tilde from the normalized quantities as de\ufb01ned above. Our simulations start with a purely gasdynamic shock of M0 = 10 at rest at x = 0, initialized according to Rankine-Hugoniot relations with u0 = \u22121, \u03c10 = 1 and a gas adiabatic index, \u03b3g = 5/3. So the initial shock speed is us,i = 1 in code units. There are no pre-existing CRs, i.e., Pc(x) = 0 at t = 0. 2.3. Thermal leakage and Alfv\u00b4 en wave transport Although the shock Mach number is the key parameter that determines the evolution of CR modi\ufb01ed shocks, the thermal leakage injection and the Alfv\u00b4 en wave transport are important elements of DSA. They were discussed in detail in previous papers including Paper I. So here we brie\ufb02y describe only the central concepts to make this paper self-contained. In the CRASH code, the injection of suprathermal particles via thermal leakage is emulated numerically by adopting a \u201ctransparency function\u201d, \u03c4esc(\u01ebB, \u03c5), which expresses the probability of downstream particles at given random velocity, \u03c5, successfully swimming upstream across the subshock through the postshock MHD waves (Kang et al. 2002), whose amplitude is parameterized by \u01ebB. Once such particles cross into the upstream \ufb02ow, they are subject to scattering by the upstream Alfv\u00b4 en wave \ufb01eld, so participate in DSA. The condition that non-zero probability for suprathermal downstream particles to cross the subshock (i.e., \u03c4esc > 0 for p > pinj) e\ufb00ectively selects the lowest momentum of the particles entering the CR population. The velocity \u03c5 obviously must exceed the \ufb02ow speed of the downstream plasma, u2. In addition, leaking particles must swim against the e\ufb00ective pondermotive force of MHD turbulence in the downstream plasma. The parameter, \u01ebB = B0/B\u22a5used to represent this, is the ratio of the magnitude of the large-scale magnetic \ufb01eld aligned with the shock normal, B0, to the amplitude of the postshock wave \ufb01eld that interacts with low energy particles, B\u22a5. It is more di\ufb03cult for particles to swim upstream when the wave turbulence is strong (\u01ebB is small), leading to smaller injection rates. Malkov & V\u00a8 olk (1998) \f\u2013 9 \u2013 argued on plasma physics grounds that it should be 0.25 \u2272\u01ebB \u22720.35. Our own CR shock simulations established that \u01ebB \u223c0.2 \u22120.25 leads to injection fractions in the range of \u223c10\u22124 \u221210\u22123, which are similar to the commonly adopted values in other models (e.g., Malkov 1997; Amato & Blasi 2005). In this study, we use \u01ebB = 0.2 for numerical models, although the choice is not critical to our conclusions. The CR transport in DSA is controlled by the intensity, spectrum and isotropy of the Alfv\u00b4 enic turbulence resonant with CRs. Upstream of the subshock, the Alfv\u00b4 enic turbulence is thought to be excited by the streaming CRs (e.g., Bell 1978; Lucek & Bell 2000). Recently there has been much emphasis on the possible ampli\ufb01cation of the large-scale magnetic \ufb01eld via non-resonant wave-particle interactions within the shock precursor (e.g., Bell 2004; Amato & Blasi 2006; Vladmiriov et al. 2006). Those details will not concern us here; we make the simplifying assumption that the Alfv\u00b4 enic turbulence saturates and that scattering isotropizes the CR distribution in the frame moving with the mean Alfv\u00b4 en wave motion (see eq. [5]). Since the upstream waves are ampli\ufb01ed by the CRs escaping upstream, the wave frame propagates in the upstream direction; i.e., uw > 0. Downstream, various processes should isotropize the Alfv\u00b4 en waves (e.g., Achterberg & Blandford 1986), so the wave frame and the bulk \ufb02ow frame coincide; i.e., uw = 0. This transition in uw across the subshock reduces the velocity jump experienced by CRs during DSA. Since it is really the velocity jump rather than the density jump that sets the momentum boost, this reduces the acceleration rate somewhat when the ratio of the upstream sound speed to the Alfv\u00b4 en speed is \ufb01nite. An additional e\ufb00ect that has important impact is dissipation of Alfv\u00b4 en turbulence stimulated by the streaming CRs. That energy heats the in\ufb02owing plasma beyond adiabatic compression. The detailed physics is complicated and nonlinear, but we adopt the common, simple assumption that the dissipation is local and that the wave growth saturates, so that the dissipation rate matches the rate of wave stimulation (see eq. [4]) (Jones 1993; Berezhko & V\u00a8 olk 1997). This energy deposition increases the sound speed of the precursor gas, thus reducing the Mach number of the \ufb02ow into the subshock, again weakening DSA to some degree (e.g., Achterberg 1982). Thus, the CR acceleration becomes less e\ufb03cient, when the Alfv\u00b4 en wave drift and heating terms are included (Berezhko & V\u00a8 olk 1997; Kang & Jones 2006). The signi\ufb01cance of these e\ufb00ects can be parameterized by the ratio of the magnetic \ufb01eld to thermal energy densities, \u03b8 = EB,0/Eth,0, in the upstream region, which scales as the square of the ratio of the upstream Alfv\u00b4 en (\u03c5A) and sound speeds. In Paper I, we considered 0.1 \u2264\u03b8 \u22641; here we set \u03b8 = 0.1. The dependence of shock behaviors on that parameter are outlined in Paper I. The \u03b8 parameter can be related to the more commonly used shock Alfv\u00b4 enic Mach number, MA,0 = us,i/vA,0, and the initial sonic Mach number, M0, as MA,0 = M0 p \u03b3g(\u03b3g \u22121)/(2\u03b8), where vA,0 = B0/\u221a4\u03c0\u03c10. With \u03b3g = 5/3 and \u03b8 = 0.1, this translates \f\u2013 10 \u2013 into MA,0 = 2.36M0. So, for our M0 = 10 shocks, MA,0 \u224824. Our initial shock speeds are us,i = 150 km s\u22121 for T0 = 104 K and us,i = 1500 km s\u22121 for T0 = 106 K, corresponding, then, to vA = 6.4 km s\u22121 and vA = 64 km s\u22121, respectively. For our example magnetic \ufb01eld, B0 = 5 \u00b5G, the associated upstream gas density would be \u03c10 \u22485 \u00d7 10\u221224 g cm\u22123 and \u03c10 \u22485 \u00d7 10\u221226 g cm\u22123, respectively. 3. Results 3.1. Evolution toward an asymptotic state In the early evolutionary stage, as CRs are \ufb01rst injected and accelerated at the subshock, upstream di\ufb00usion creates a CR pressure gradient that decelerates and compresses the in\ufb02owing gas within a shock precursor. This leads to a gradual decrease of shock speed with respect to the upstream gas (Fig. 1 [a]-[b]). As the subshock consequently weakens, the CR injection rate decreases due to a reduced velocity jump across the subshock. The CR spectrum near pinj also steepens (Fig. 1 [c]-[d]). The total compression across the entire shock structure actually increases to about 5 in the Mach 10 shocks reported here. The highest momentum CRs respond to the total shock transition, which \ufb02attens the spectrum at higher momenta; i.e., the CR spectrum evolves the well-known concave curvature between the lowest and the highest momenta. Each of these evolutionary features continue to be enhanced until preshock compression, CR injection at the subshock, and CR acceleration through the entire shock structure all reach self-consistent dynamical equilibrium states (Fig. 1 [e]-[f]). Once compression in the precursor reaches the level at which DSA begins to saturate, meaning the reduced subshock strength reduces CR injection to maintain an equilibrium, the shock compression (\u03c3s = \u03c12/\u03c11 and \u03c3t = \u03c12/\u03c10) as well as the gas and CR pressures should remain approximately constant during subsequent shock evolution. From that time on the structure of the precursor and the CR spectrum must evolve in tandem to maintain these dynamical features. The CR pressure is calculated from the particle distribution function by Pc = 4\u03c0 3 mpc2 Z \u221e pinj g(p) p p p2 + 1 dp p . (8) To see how Pc evolves during the early, nonrelativistic stage, consider the idealized the test-particle case where the CR distribution has a power-law form, g(p) = g0(p/pinj)\u2212\u03b4 up to p = pmax, where 0 < \u03b4 \u2261(4 \u2212\u03c3s)/(\u03c3s \u22121) < 0.5 for the shock compression ratio of 4 > \u03c3s > 3. Then one can roughly express Pc \u221d[(pmax/pinj)1\u2212\u03b4 \u22121] \u221d(pmax/pinj)1\u2212\u03b4 for pinj \u226apmax < 1. In a strong, unmodi\ufb01ed shock, 1 \u2212\u03b4 \u22481, and Pc initially increases quickly \f\u2013 11 \u2013 as Pc \u221dpmax/pinj. We will show in \u00a73.3, as the shock becomes modi\ufb01ed toward the dynamical equilibrium state, that the CR pressure is dominated by relativistic particles and the CR spectrum evolves in a manner that leads to nearly constant postshock Pc,2. These features in the evolution of Pc,2 are illustrated in Figure 1 (e) (f). The time-asymptotic states are slightly di\ufb00erent among di\ufb00erent models, because the numerically realized CR injection rate depends weakly on \u03ba(p). The mean acceleration time for a particle to reach pmax from pinj in the test-particle limit of DSA theory is given by (e.g., Drury 1983) tacc = 3 u0 \u2212u2 Z pmax pinj \u0012\u03ba0 u0 + \u03ba2 u2 \u0013 dp p . (9) For power-law di\ufb00usion with density dependence, \u03bapl = \u03ba\u2217p\u03b1(\u03c10/\u03c1)\u03bd, the maximum momentum can be estimated by setting t = tacc as pmax(t) \u2248 \u0014 \u03b1(\u03c3t \u22121) 3\u03c3t(1 + \u03c31\u2212\u03bd t ) u2 s \u03ba\u2217t \u00151/\u03b1 = \u0014 fc u2 s \u03ba\u2217t \u00151/\u03b1 , (10) where fc \u2261\u03b1(\u03c3t \u22121)/ \u0002 3\u03c3t(1 + \u03c31\u2212\u03bd t ) \u0003 is a constant factor during the self-similar stage and us is the shock speed in the time-asymptotic limit. As the feedback from CRs becomes important, the shock speed relative to far upstream \ufb02ow is reduced, typically about 10-20 % for the shock parameters considered here (i.e., us \u2248[0.8 \u22120.9]us,i). With \u03b1 = 1 and \u03bd = 1, for a typical value of \u03c3t \u22485.3 for a M0 = 10 shock, fc \u22480.13. In an evolving CR shock, at a given shock age of t, the power-law spectrum should extend roughly to pmax(t) above which it should decrease exponentially. Then the di\ufb00usion length of the most energetic particles increases linearly with time as lmax(t) \u2261\u03ba\u2217p\u03b1 max(t) us = fcust. (11) So lmax(t) depends only on the characteristic length ust, independent of the size of the di\ufb00usion coe\ufb03cient, although at a given time the particles are accelerated to higher energies with smaller values of \u03ba\u2217. Since the precursor scale height is proportional to lmax, the precursor broadens linearly with time, again independent of the size of \u03ba\u2217. This is valid even for the Bohm di\ufb00usion if pmax \u226b1, since \u03baB \u2248\u03ba\u2217p for p \u226b1. Thus, the hydrodynamic structure of evolving CR shocks does not depend on the di\ufb00usion coe\ufb03cient, even though the CR di\ufb00usion introduces the di\ufb00usion length and time scales in the problem. \f\u2013 12 \u2013 3.2. Shock structure and CR spectrum in self-similar stage After the precursor growth reaches a time-asymptotic form, the shock structure follows roughly the self-similar evolution and stretches linearly with time, as noted above. Thus, we show in Figure 2 the evolution of a M0 = 10 shock with T6P1d model in terms of the similarity variable, \u03be = x/(us,it), for t > 1 (i.e., later stage of the shock shown in Fig. 1). The time-asymptotic shock speed approaches us = u0 \u22480.9us,i for these shock parameters. The reduction in shock speed results from the increase in \u03c3t, so depends upon the degree of shock modi\ufb01cation. Here \u03c3t \u22485.3, \u03b1 = 1, \u03bd = 1, so equation (11) give lmax \u22480.13ust, which corresponds to the precursor scale height in terms of \u03be, H\u03be \u2261lmax/(us,i t) \u22480.12. We also show the approximate self-similar evolution of the shock structure for four additional models with \u03ba(\u03c1, p) listed in Table 1 (Fig. 3). As discussed in \u00a73.1, the overall shock structure at a given time t is roughly independent of the di\ufb00usion coe\ufb03cient, except for some minor details in the shock pro\ufb01le that have developed in the early stage. Also the shock evolution seems to be approximately self-similar in all the models, as shown in the middle and right panels of Figure 3. Of course, with di\ufb00erent values of \u03ba\u2217and \u03b1, on the other hand, the highest momentum of the CR spectrum at a given time depends on \u03ba (see Fig. 5). Figure 4 (a)-(b) shows how the particle distribution at the subshock, gs(p) = f(xs, p)p4, evolves during the self-similar stage, extending to higher pmax. For this model equation (10) gives pmax \u2248(0.1/\u03ba\u2217) t = 105 t. This estimate is quite consistent with the evolution of gs(p) shown in this \ufb01gure. The peak value of gs(p) near pmax seems to remain constant during the self-similar stage. This re\ufb02ects the fact that Pc,2 remains constant, as it must once DSA is saturated, and the fact that Pc is dominated by relativistic CRs near pmax for strong shocks. The injection momentum, pinj \u221d p Pg,2/\u03c12, becomes constant in time after the initial adjustment, because the postshock state is \ufb01xed in the self-similar evolution stage. Then the value of gs(pinj) is \ufb01xed by gs,th(pinj), the thermal distribution of the postshock gas at pinj, and stays constant, too. Let us suppose particles with a given momentum p1 experience on average the velocity jump over the di\ufb00usion length \u03be1 = ld(p1)/(us t1), \u2206u(\u03be1), at time t1. At a later time t they will be accelerated to p = p1 \u00b7 (t/t1)1/\u03b1 and di\ufb00use over the scale, \u03be = ld(p)/(us t) = \u03be1. So they experience the same velocity jump \u2206u(\u03be1), as long as the velocity pro\ufb01le, u(\u03be), remains constant during the self-similar stage. Then the spectral slopes plotted in terms of p/pmax should retain a similar shape over time. The slope of the distribution function at the subshock, q = \u2212d ln gs/d ln p+4, and the slope of the volume integrated distribution function, Q = \u2212d ln G/d ln p + 4 (where G = R gdx), as a function of p/pmax(t) are shown in Figure 4 \f\u2013 13 \u2013 (d). Low energy particles near pinj experience the subshock compression only, while highest momentum particles near pmax feel the total shock compression. So q(p) \u2248qs = 3\u03c3s/(\u03c3s \u22121) for p \u223cpinj, while q(p) \u2248qt = 3\u03c3t/(\u03c3t \u22121) for p \u223cpmax. The numerical results are roughly consistent with such expectations. Consequently, to a good approximation, gs(p) evolves with \ufb01xed amplitudes, gs(pinj) and gs(pmax), and with \ufb01xed spectral slopes, qs and qt at pinj and pmax, respectively, while stretching to higher pmax(t). The volume integrated distribution function, G(p), also displays a similar behavior as gs(p). In the bottom panels of Figure 4, G(p)/t and G(Z)/t are shown, noting that the kinetic energy passed through the shock front increases linearly with time. In Paper I, based on the DSA simulation results for t \u226410, we suggested that the distribution function may become self-similar in terms of the momentum similarity variable, Z, de\ufb01ned in \u00a71. If we de\ufb01ne the \u201cpartial pressure function\u201d as F(Z) \u2261g(Z) p p p2 + 1 ln \u0012pmax pinj \u0013 , (12) then the CR pressure is given by Pc \u221d R \u221e 0 F(Z)dZ. We suggested there that the postshock CR pressure stays constant because the evolution of F(Z) becomes self-similar. As can be seen in Figure 4 (b)-(c), the functions gs(Z) and Fs(Z) at the subshock seem to change very slowly, giving the false impression that Fs(Z) might be self-similar in terms of the variable Z. However, the constant shape of F(Z) cannot be compatible with the self-similar evolution of the precursor and shock pro\ufb01le. Since fs(p) \u221d(p/pinj)\u2212qs at Z \u223c0 and fs(p) \u221d(p/pmax)\u2212qt at Z \u223c1 with constant values of pinj, qs, and qt, the shape of F(Z) should evolve accordingly in the self-similar stage (see Fig. 9 below). Figure 5 shows how the evolution of gs(p) depends on the di\ufb00usion coe\ufb03cient and preshock temperature, while other parameters, M0 = 10, \u01ebB = 0.2, and \u03b8 = 0.1, are \ufb01xed. The same set of models is shown as in Figure 3. The shape of gs(p) is somewhat di\ufb00erent among di\ufb00erent models, although it seems to remain similar in time for a given model. The causes of such di\ufb00erences can be understood as follows. First of all, the value of gs(pinj) \u2248gs,th(pinj) depends on the value of pinj \u221d(us/c) \u221dM0 \u221aT0. Secondly, the numerically realized \u201ce\ufb00ective\u201d value of the injection momentum depends on the di\ufb00usion coe\ufb03cient and grid spacing, leading to slightly di\ufb00erent injection rates and shock structures. Thus the postshock Pc,2 and the compression ratios (i.e., the shock structure) depend weakly on di\ufb00usion coe\ufb03cient, as shown in Figure 1 (e)-(f). The ensuing CR spectra have slightly di\ufb00erent values of qs and qt as shown in Figure 5. The spectral slope of the CR spectrum is determined by the mean velocity jump that the particles experience across the shock structure. Here we examine how the precursor \f\u2013 14 \u2013 velocity pro\ufb01le depends on the di\ufb00usion model. Figure 6 (a) shows the velocity structure U(\u03be) = \u2212u(\u03be) in the precursor (\u03be > 0) for \ufb01ve di\ufb00erent di\ufb00usion models, where u(\u03be) is de\ufb01ned as shown in Figure 2. We use the velocity data in the \ufb01nest-level grid as well as in the base grid. The velocity pro\ufb01les are quite similar in all the models except that the model with \u03ba \u221dp1/2 shows a slightly di\ufb00erent pattern at small scales (log \u03be < \u22125). Since the particles with momentum p feel on average the velocity jump over the corresponding di\ufb00usion length, we can \ufb01nd the velocity U(\u03bep) at the distance from the shock that satis\ufb01es x = ld(p) = \u03bep \u00b7 (us,it). Using equation (10), we \ufb01nd then \u03bep = fc(us/us,i)(p/pmax)\u03b1. Then the particles with the same ratio of p/pmax di\ufb00use over the same similarity scale, \u03bep, and feel the same velocity jump, U(\u03bep) + uw(\u03bep) \u2212U2 across the shock. Thus the spectral slope can be estimated from the velocity pro\ufb01le as (e.g., Berezhko & Ellison 1999) qu(p) = qu(\u03bep) = 3(U + uw) U + uw \u2212U2 + d ln(U + uw \u2212U2) d ln p . (13) Figure 6 (b) shows the spectral slope, qu, which is calculated from numerical results of U +uw for di\ufb00erent models. These curves compare to the q(p) curves in Figure 5. The numerical convergence issue should be discussed here. The base grid had a spatial resolution \u2206x0 = 2 \u00d7 10\u22123 in the code units. The small region around the subshock was re\ufb01ned with a number of levels increasing to eight, giving there a spatial resolution \u2206x8 = 7.8 \u00d7 10\u22126. This structure was su\ufb03cient to produce dynamically converged solutions as discussed in Paper I. The di\ufb00usion length near pinj \u224810\u22122 is, for instance, ld(pinj) \u2248\u03ba(pinj)/us,i \u224810\u22128 in T6P1d model and ld(pinj) \u22482 \u00d7 10\u22125 in T6P1/2 model, where all quantities are given in the code units. So the solution for equation (5) is not resolved for the lowest energy particles in T6P1d model, while it should be well resolved in T6P1/2 model. Since low energy particles cannot see the \ufb02ow structure shorter than the minimum numerical thickness of the subshock, i.e., \u2206x8, corresponding to the e\ufb00ective di\ufb00usion length of p \u223c10 for T6P1d model, all particles below p < 10 feel the same subshock compression, independent of their di\ufb00usion lengths. This leads to a more or less constant q(p) \u2248qs for p < 10. The models shown in Figures 4 and 5 exhibit this trend except T6P1/2 model in which the di\ufb00usion of the injected particles are well resolved with \u2206x8/ld(pinj) = 0.4. The momentum integration of g(x, p), i.e., the CR pressure, is self-similar in the spatial similarity variable \u03be. Moreover, the CR distribution at the subshock, gs(Z), and the volume integrated distribution, G(Z), both change very slowly in time, when they are expressed in terms of Z. So we expect that the distribution function g in the plane of (\u03be, Z) should change only secularly during the self-similar stage, although, as mentioned before, g(Z) does not evolve self-similarly in the Z space (Fig. 7). The phase space distribution of g(\u03be, Z) shows \f\u2013 15 \u2013 that most of low energy particles (Z < 0.5) are con\ufb01ned within \u22120.2 \u2272\u03be \u22720.1, while the highest energy particles (Z \u223c1) di\ufb00use over \u22121 \u2264\u03be \u22641. Thus far away from the subshock, both downstream and upstream, relativistic particles dominate the CR energy spectrum. 3.3. Analytic approximation for CR spectrum Based on the results of DSA simulations described in the previous subsections, we suggest that the CR spectrum at CR shocks with M0 \u227310 in the self-similar stage can be approximated by the sum of two power-law functions with an exponential cuto\ufb00as follows: for pmax \u226b1 \u226bpinj, gs(p) = \" g0 \u00b7 \u0012 p pinj \u0013\u2212qs+4 + g1 \u00b7 \u0012 p pmax \u0013\u2212qt+4# exp \" \u2212 \u0012 p 1.5pmax \u00132\u03b1# , (14) where qs > 4 and qt < 4. The speci\ufb01c functional form of the exponential cuto\ufb00was found by \ufb01tting the numerical simulation results (see. Figs. 4-5). We have shown that, after the precursor has developed fully, the CR pressure at the subshock approaches a time-asymptotic value, which leads to the self-similar evolution of the entire shock structure. Then the parameters, pinj, qs and qt as well as g0 \u2248gs,th(pinj), become constant in time. Also, the value of g1 seems to stay roughly constant, according the simulation results. We will show below g1 has to be approximately constant, if Pc,2 remains constant during the self-similar stage. Then the only time-dependent parameter in equation (14) is pmax(t), which can be estimated from equation (10). Now let us examine how Pc,2 evolves in time with the proposed form of gs(p) as pmax increases to large values. Adopting \u03b1 = 1, the contributions due to the low and high energy components can be calculated as PL \u2261 Z pmax pinj g0 \u0012 p pinj \u0013\u2212qs+4 exp \" \u2212 \u0012 p 1.5pmax \u00132# p p p2 + 1 dp p , PH \u2261 Z pmax pinj g1 \u0012 p pmax \u0013\u2212qt+4 exp \" \u2212 \u0012 p 1.5pmax \u00132# p p p2 + 1 dp p . (15) In Figure 8, we show the values of PL/g0 and PH/g1 as a function of pmax for several values of qs and qt and pinj = 10\u22122. In M0 = 10 shocks the typical values of the compression ratios are \u03c3s \u22483.1 and \u03c3t \u22485.0, so qs \u22484.4 and qt \u22483.75. The plot shows that both PL/g0 and PH/g1 become constant as pmax becomes ultra-relativistic, if the shock \ufb02ow is modi\ufb01ed so that \u03c3s \u21923 and \u03c3t \u226b4. This explains why Pc,2 approaches an asymptotic value as pmax \f\u2013 16 \u2013 becomes large, leading to the self-similar evolution stage, after the subshock weakens to the subshock Mach number, M1 \u223c3 \u22124 and the total compression becomes greater than 4. Therefore g1 should stay constant, if Pc,2 becomes constant in the self-similar stage. The amplitude g1 can be estimated, if, for example, Pc,2 is known from the DSA simulations; i.e., the CR pressure obtained with the proposed analytic form of gs should be equal to the value of Pc,2 from the DSA simulations. Alternatively, as outlined in the appendix, empirical scaling relations established from simulations can connect Pc,2 through simple physics to basic shock parameters. Then all the parameters necessary to construct approximations to the CR distribution function as given in equation (14) at arbitrary time t are known for the self-similar evolution stage. Since the time-asymptotic, self-similar solution of evolving CR shocks cannot be found (semi-)analytically either from the conservation equations or from the boundary conditions, we have to rely at least in part on numerical simulations to estimate the parameters pinj, g0, \u03c3s, \u03c3t, and Pc,2 for given shock parameters. The analytic \ufb01tting forms that can approximate the DSA simulation results are described in the appendix. In Figures 4 and 5, we compare the analytic \ufb01tting formula in equation (14) with the results of our DSA simulations. They show good agreement. These plots also demonstrate that gs(pmax), and therefore, g1, remains constant in the self-similar evolution stage. The compression ratios shown in Figure 1 are \u03c3s \u22483.2 and \u03c3t \u22485.0, so the power-law indices calculated with these ratios are qs = 4.36 and qt = 3.75. But the numerical value of q = \u2212d ln fs/d ln p near pinj is 4.2, because the di\ufb00usion of low energy particles is not resolved fully. The minimum value of q = \u2212d ln fs/d ln p near pmax is 3.79, slightly larger than qt, because of the exponential cuto\ufb00. Just to demonstrate how the proposed form of gs(p) \ufb01ts the simulation results, we use qs = 4.2 and qt = 3.76 instead for the curve shown in Figure 4. We note that Berezhko & Ellison (1999) suggested the minimum value of q is qmin = 3.5+(3.5\u22120.5\u03c3s)/(2\u03c3t \u2212\u03c3s \u22121). With our compression ratios, \u03c3s = 3.2 and \u03c3t = 5.0, this gives qmin = 3.83, which is slightly larger than our estimate of 3.79. Using equations (10) and (14), we can estimate the CR spectrum gs at arbitrary time in the self-similar stage, as demonstrated in Figure 9 . Here the value of g1 is \ufb01xed by setting Pc,2 = 0.30 at t = 1 and then the same value of g1 is used for the time t > 10. From the curves of cumulative Fs(< Z), we can see that Pc,2 stays almost constant with the constant value of g1, even though pmax increases \ufb01ve orders of magnitude. In fact, Pc,2/(\u03c10u2 s,i) increases from 0.30 to 0.32 as pmax increases from 105 to 1010. For such a long span of time, however, gs(Z) or Fs(Z) does not keep the same shape. At t = 105, the maximum momentum corresponds to pmax \u22481019(eV/c) for protons. One might ask how we can justify the validity of the proposed form of gs at t \u226b1, while our DSA simulations have been carried up to t \u223c10 \u221220. In the T6P1d model, \f\u2013 17 \u2013 pmax \u223c106 at t = 10. So, most CRs are already ultra-relativistic, and the CR spectrum evolves as expected (i.e., according to eq. [14]). As long as Pc,2 stays constant, the selfsimilarity of the precursor/subshock structure would be preserved even for t \u226b1. The stretching of the u(x) pro\ufb01le in the precursor should in\ufb02uence the slope of the CR spectrum in a self-consistent way as shown in Figure 6. There is no physical reason why such feedback between the precursor structure and the CR spectrum cannot be extended to t \u226b1, as long as the assumed CR di\ufb00usion model remains valid and the most energetic particles remain contained within the system. In realistic shocks, however, the assumption for Bohm di\ufb00usion could break down due to ine\ufb03cient generation of waves in the precursor. Moreover, highest energy particles escape from the system, when their di\ufb00usion length becomes larger that the physical extent of the shock. The e\ufb00ects of escaping particles will be explored further in the next section. We have focused here on moderately strong shock evolution with M0 \u227310, since it is much more complicated to study nonlinear DSA at weaker shocks with M0 < 10. Nonrelativistic CRs play a more signi\ufb01cant role within those shocks. For instance, since Pc is not dominated by relativistic CRs, we need to follow more accurately the di\ufb00usion of nonrelativistic particles on scales close to the physical subshock thickness. Consequently, the di\ufb00usion model and the numerical grid resolution become important. The solutions also depend sensitively on the injection momentum, especially for shocks with Mach numbers, M0 \u22722.5, where modi\ufb01cations are small, so the nearly test-particle CR spectrum is largely controlled by the injection momentum. Physics of thermal leakage injection, however, is not fully understood yet and we have only a working numerical model. Thus we defer discussion of semi-analytic discussion of evolving weak CR shocks to a separate paper. 3.4. Steady State Shocks with a \ufb01xed pub In realistic shocks, pmax(t) may reach an upper momentum boundary, pub, beyond which CRs escape upstream from the shock due to the di\ufb00usion length, lmax, approaching the physical size of the shocked system, or to lack of scattering waves at resonant scales of most energetic particles. From that time the precursor will cease to increase in scale and the selfsimilar evolution makes a transition into a stationary shock structure, or the one controlled by the overall dynamics of the situation. Because the shock energy is lost through particles escaping the system beyond pub, the self-similar broadening of the precursor is replaced by a constant precursor structure in steady state. We have calculated additional runs for the T6P1d model in which an upper momentum boundary condition, i.e., g(p) = 0.0 for p \u2265pub is enforced. In these simulations once \f\u2013 18 \u2013 pmax(t) has reached the given value of pub, the highest energy particles escape from the shock, the CR spectrum becomes steady and the precursor stops growing. Figure 10 shows the results of T61Pd model with pub = 105 and without the upper momentum boundary. The distribution function gs(p) at the shock as well as the precursor and subshock structures all become steady after t > 1 in the run with pub = 105. In the other run without particle escape, the precursor continues to broaden and pmax(t) increases with time. However, the postshock states (e.g., \u03c12 and Pc,2) in the two runs are quite similar and gs(p) in the steady state limit is almost the same as that of the run without particle escape at t \u22481, except the exponential tail above pmax. In Figure 8 we showed that Pc,2 stays constant as pmax(t) increases with time, if gs(p) follows the form given in equation (14). This explains why Pc,2 are very similar at di\ufb00erent times in the two runs. Minor di\ufb00erences are slightly lower Pc,2 and higher \u03c12 in the run with particle escape at pub. We note that the compression ratio greater than 4 results mainly from the combined e\ufb00ect of the precursor compression and the subshock jump, i.e., \u03c3t = \u03c3p \u00b7 \u03c3s, regardless of particle escape. Energy loss due to escaping particles enhances the compression behind the shock only slightly in this shock, since the loss rate is not signi\ufb01cant. In Figure 11 (a) and (b) snap shots are shown at t = 1 for the runs with pub = 104 and 105, and at t = 10 for the run with pub = 106. For comparison, we also show the time-dependent solutions at t = 1 and 10 for the run without particle escape, since in the evolving shock pmax \u2248105 and 106 at t = 1 and 10, respectively, for the T6P1d model. (At t = 0.1, pmax would reach roughly to 104, but by that time dynamical equilibrium has not been achieved and the self-similar evolution has not begun yet in the simulations.) The precursor structure shown in the pro\ufb01le of Pc re\ufb02ects the di\ufb00usion length of highest momenta, ld(pub) \u221dpub or ld(pmax) \u221dpmax(t). Here the CR pressure is plotted against \u03be = x/(us,it), since the results at two di\ufb00erent times are shown together. So for example, the precursor width in \u03be is the same for the run with pub = 105 at t = 1 (dashed line) and the run with pub = 106 at t = 10 (long dashed line). Compared to these two runs, the run without particle escape at t = 1 and 10 (solid lines) have a wider precursor due to the particles in the exponential tail above pmax(t). In Figure 11 (c) and (d) we demonstrate that the evolution of the shock structure is quite similar and the shock approaches similar asymptotic states for all the runs, almost independent of pub or pmax(t), which is consistent with Figure 8. The asymptotic value of Pc,2 is slightly lower and the precursor width is smaller in the runs with smaller pub, as expected. Otherwise, the steady solutions with di\ufb00erent pub are approximately the same as the time-dependent solutions at the time t when pmax(t) equals to pub. Thus the proposed form of gs(p) can be applied to steady state shocks with an upper momentum boundary pub = pmax as well, ignoring the exponential tail above pmax. Even in the case where the shock structure is signi\ufb01cantly a\ufb00ected by the energy loss due to escaping \f\u2013 19 \u2013 particles, equation (14) can provide the steady state solution for gs(p), if the shock structures (\u03c3s, \u03c3t and postshock states) are known. 4. Summary We have studied the time-dependent evolution of the CR spectrum at CR modi\ufb01ed shocks in plane-parallel geometry, in which particles are accelerated to ever higher energies; that is, the maximum momentum pmax is not pre\ufb01xed. We adopted Bohm di\ufb00usion as well as the di\ufb00usion with the power-law momentum dependence of \u03ba(p) \u221dp\u03b1 with 0.5 \u2264\u03b1 \u22641. Thermal leakage injection of suprathermal particles into the CR population at the subshock and \ufb01nite Alfv\u00b4 en wave transport are included. Simulation parameters target nonrelativistic shocks with M0 \u227310 in warm photoionized and hot shock-heated astrophysical environments with magnetic \ufb01eld strengths somewhat below equipartition with the thermal plasma. Unlike gasdynamic shocks, the time-asymptotic dynamical state of the evolving CR modi\ufb01ed shocks under consideration here cannot be found analytically either from the conservation equations or from the boundary conditions. So we rely on the kinetic simulations of di\ufb00usive shock acceleration to \ufb01nd the time-asymptotic state in the self-similar evolution stage. The general characteristics of the evolution of shock structure and particle spectrum can be summarized as follows: 1) The width of the precursor, H, scales with the di\ufb00usion length of the most energetic particles and for di\ufb00usion that scales as \u03ba = \u03ba\u2217(\u03c10/\u03c1)\u03bdp\u03b1, increases linearly with time, i.e., H \u2248lmax \u22480.1ust, independent of the magnitude (\u03ba\u2217)and the value of \u03b1. 2) If the acceleration time scale to reach relativistic energies from injection is much shorter than the dynamical time scale of the shock system (i.e., \u03ba\u2217\u226a0.1usR, where R is the characteristic size of the shock), the CR pressure at the subshock approaches a constant value as the Pc at the shock becomes a signi\ufb01cant fraction of the momentum \ufb02ux through the shock, \u223c\u03c10u2 0. For typical nonrelativistic shocks associated with cosmic structure this transition roughly corresponds to a time when pmax becomes ultra-relativistic. Once this dynamical equilibrium develops, the shock precursor compression and the subshock jump are steady, leading to a self-similar stretching of the precursor with time. Consequently, the subshock compression ratio, \u03c3s, the total compression ratio, \u03c3t, as well as the postshock gas and CR pressures, Pg,2 and Pc,2, remain constant during the self-similar stage of the shock. 3) The lowest energy particles di\ufb00use on a scale lmin = \u03ba(pinj)/us and, so, experience only the compression across the subshock. Thus, near the injection momentum, pinj, the CR distribution function is given by f(p) \u2248fs,th(pinj)(p/pinj)\u2212qs where fs,th is the thermal \f\u2013 20 \u2013 Maxwellian distribution of the postshock gas and qs = 3\u03c3s/(\u03c3s \u22121). The amplitude fth(pinj) is determined by the thermal leakage injection physics, since that establishes pinj. 4) The most energetic particles di\ufb00use on a scale lmax = \u03ba(pmax)/us and, so, experience the total compression across the entire shock structure. Consequently, near pmax, f(p) \ufb02attens to (p/pmax)\u2212qt, where qt = 3\u03c3t/(\u03c3t \u22121). For p > pmax, f(p) is suppressed by an exponential cuto\ufb00. Considering these facts, we proposed that the CR spectrum at the subshock for arbitrary time t after self-similar evolution begins can be described approximately by the following simple analytic formula: fs(p, t) = \" f0 \u00b7 \u0012 p pinj \u0013\u2212qs + f1 \u00b7 \u0012 p pmax(t) \u0013\u2212qt# exp \" \u2212 \u0012 p 1.5pmax(t) \u00132\u03b1# , (16) where f0 = fs,th(pinj) and pmax \u221d(u2 st/\u03ba\u2217)1/\u03b1 is given in equation (10). The parameters, pinj, qs and qt can be estimated from the shock structure in the self-similar stage using DSA simulations results as outlined in the appendix. The amplitude, f1, has to satisfy the relation gs(pmax) = fs(pmax)p4 max \u2248constant in order for the postshock Pc to remain steady. So, the momentum distribution function g(p) is shifted to higher pmax in time, while keeping the amplitude at pmax constant in the self-similar stage. Hence pmax is the only time-dependent parameter in equation (16). In a realistic shock geometry, however, CRs may escape upstream from the shock due to largest di\ufb00usion length approaching the physical size of the shocked system, or due to lack of scattering waves at resonant scales of most energetic particles. Once pmax approaches some upper momentum boundary at pup, the shock structure and the CR spectrum develop steady states that are approximately the same as the evolving forms with pmax = pup, except that some di\ufb00erences in the shock structure due to energy loss from escaping particles. Otherwise, the shock structure parameters and the approximate analytic form for the CR spectrum in the self-similar stage are consistent with previously proposed analytic and semi-analytic steady state solutions (e.g., Berezhko & Ellison 1999; Amato & Blasi 2005). Finally, we note that the evolution of the CR spectrum is secular in terms of the variable, Z = ln(p/pinj)/ ln(pmax/pinj), which alluded wrongfully the self-similar evolution of the partial pressure function Fs(Z) in Paper I. In fact there is no similarity relation between p and t. HK was supported by the Korea Research Foundation Grant funded by the Korean Government (MOEHRD) (R04-2006-000-100590). DR was supported by the Korea Research Foundation Grant funded by the Korean Government (MOEHRD) (KRF-2007-341-C00020). \f\u2013 21 \u2013 TWJ is supported at the University of Minnesota by NASA grant NNG05GF57G, NSF grant Ast-0607674 and by the Minnesota Supercomputing Institute. A. Analytic approximations for dynamical states As we noted in the Introduction, there are several analytic and semi-analytic treatments of strong, steady-state CR modi\ufb01ed shocks. The full time-asymptotic state of evolving CR modi\ufb01ed shocks can be obtained only through numerical simulations of nonlinear DSA. However, such simulations show strong similarities between steady-state and asymptotic, evolving shocks. Here we outline some of those basic dynamical relations as they can be estimated analytically and empirically from our simulations, as reported in this paper and previously in Paper I. A key to this comparison is the fact that the time scale for evolution of the shock precursor is the acceleration time scale to reach pmax, tacc \u223c10(lmax/us) (see eq. [9]), which is characteristically an order of magnitude greater than the time scale for a \ufb02uid element to pass through the precursor, tdyn \u223clmax/us. Then, in following a \ufb02uid element through the precursor, one can neglect terms \u2202/\u2202t compared to terms u\u2202/\u2202x in evaluating the Lagrangian time variation, d/dt. For example, equation (3), which can be expressed as d dt \u0012 Pg \u03c15/3 \u0013 = 2 3 W \u03c15/3, (A1) assuming \u03b3g = 5/3, then gives for an evolving precursor Pg,1 \u2248 \u0012 Pg,0 + 2 5\u03c10u2 0I \u0013 \u03c35/3 p , (A2) where \u03c3p = \u03c11/\u03c10 is the precursor compression factor. The quantity I = 5 3u3 0\u03c11/3 0 Z |W| \u03c12/3 dx (A3) was introduced in Paper I, and measures entropy added by Alfv\u00b4 en wave dissipation while the \ufb02uid element crosses the precursor, normalized by u2 0\u03c10/\u03c15/3 0 . Since equation (A2) applies to an evolving shock, the subscripts \u20180\u2019 and \u20181\u2019 refer to states of a given \ufb02uid element as it enters the precursor and as it reaches the subshock. The approximation comes from neglecting explicit time variations in |W| and \u03c1 in evaluating I. Equation (A2) is exact for a steady state shock. In the absence of Alfv\u00b4 en wave dissipation, this equation simply states the properties of adiabatic compression through the precursor, which obviously does not depend on the precursor being steady state. \f\u2013 22 \u2013 Along similar lines, momentum conservation of a \ufb02uid element passing through the (slowly) evolving precursor gives Pc,1 + Pg,1 \u2248Pg,0 + \u03c10u2 0 \u0012 1 \u22121 \u03c3p \u0013 , (A4) which can be combined with equation (A2) to produce a simple estimate for the CR pressure at the subshock, Pc,1 = Pc,2 \u2248\u03c10u2 0 \" 1 \u22121 \u03c3p \u22123 5 \u03c35/3 p \u22121 M2 0 \u22122 5I\u03c35/3 p # . (A5) By substituting equation (A5) into equation (A3) along with equation (4), one can obtain I \u22485 3 vA,0 u0 Pc,1 \u03c10u2 0 , (A6) where, once again, the approximation re\ufb02ects neglect of explicit time variation in the shock structure during passage of a \ufb02uid element through the shock. Substituting this back into equation (A5) we obtain Pc,2 \u03c10u2 0 \u2248 \" 1 \u22121 \u03c3p \u22123 5 \u03c35/3 p \u22121 M2 0 # \u0014 1 + 2 3 vA,0 u0 \u03c35/3 p \u0015\u22121 . (A7) Given Pc,1 = Pc,2 from equation (A7) and using equation (A4) it is straightforward to determine, as well, Pg,1. Although we can estimate approximately the postshock pressures, Pg,2 and Pc,2, for a given value of precursor compression, we must rely on numerical simulations to obtain the value of \u03c3p for di\ufb00erent model parameters. In the remainder of this appendix we present some practical expressions for the shock dynamical properties obtained in our DSA simulations using a wide range of Mach numbers for the thermal injection parameter \u01ebB = 0.2, the Alfv\u00b4 en wave transport parameter, \u03b8 = 0.1 and the di\ufb00usion coe\ufb03cient, \u03ba = \u03ba\u2217p(\u03c1/\u03c10). In Figure 11 the time-asymptotic values of postshock CR pressure, gas pressure and compression ratios are plotted against the initial shock Mach number (M0 \u22651.5). For M0 \u22642.5, the CR modi\ufb01cation is negligible, so the postshock gas pressure and the shock compression ratios \u03c3t = \u03c3s are given by the usual Rankine-Hondo relation for pure gasdynamic shocks. For M0 > 2.5, the numerical results for the postshock gas pressure can be \ufb01tted by Pg,2 \u03c10u2 s,i \u22480.4 \u0012M0 10 \u0013\u22120.4 (A8) \f\u2013 23 \u2013 The time-asymptotic density compression ratios can be approximated as follows: \u03c3s \u22483.2 \u0012M0 10 \u00130.17 for 2.5 \u2264M0 \u226410, (A9) \u03c3s \u22483.2 \u0012M0 10 \u00130.04 for M0 > 10, \u03c3t \u22485.0 \u0012M0 10 \u00130.42 for 2.5 \u2264M0 \u226410, (A10) \u03c3t \u22485.0 \u0012M0 10 \u00130.32 for M0 > 10. We note that the subshock compression depends only weakly on M0, while the total compression increases approximately as M1/3 0 . Even for strong shocks with M0 up to 100, the total compression ratio is less than 10, because the propagation and dissipation of Alfv\u00b4 en waves upstream reduces the CR acceleration and the precursor compression. The postshock CR pressure can be \ufb01t empirically as follows: Pc,2 \u03c10u2 s,i \u22482.34 \u00d7 10\u22122(M0 \u22121)3 for 1.5 < M0 < 2.5, Pc,2 \u03c10u2 s,i \u22480.58(M0 \u22121)4 M4 0 \u22122.14(M0 \u22121)3 M4 0 + 13.7(M0 \u22121)2 M4 0 (A11) \u221227.0(M0 \u22121) M4 0 + 15.0 M4 0 for 2.5 \u2264M0 \u2264100, Pc,2 \u03c10u2 s,i \u22480.55 for M0 > 100. These \ufb01ts are plotted in solid lines in Figure 11. Since \u03c3p = \u03c3t/\u03c3s, equations (A9) and (A10) can be used along with equation (A7) to estimate Pc,2 (dotted line in Fig. 11). In Kang et al. (2002) we showed that the e\ufb00ective injection momentum is pinj/pth \u22482.5 for M0 \u227310 for the injection parameter \u01ebB = 0.2, where pth = 2 p kT2/mpc2 and T2 = (Pg,2/\u03c12)(mp/k) is the postshock gas temperature. Then the thermal distribution at the injection momentum, gs,th(pinj), can be calculated from the Maxwell distribution, since the postshock gas states, T2 and \u03c12, are known."
+ },
+ {
+ "url": "http://arxiv.org/abs/0705.3274v1",
+ "title": "Self-Similar Evolution of Cosmic-Ray-Modified Quasi-Parallel Plane Shocks",
+ "abstract": "Using an improved version of the previously introduced CRASH (Cosmic Ray\nAcceleration SHock) code, we have calculated the time evolution of cosmic-ray\n(CR) modified quasi-parallel plane shocks for Bohm-like diffusion, including\nself-consistent models of Alfven wave drift and dissipation, along with thermal\nleakage injection of CRs. The new simulations follow evolution of the CR\ndistribution to much higher energies than our previous study, providing a\nbetter examination of evolutionary and asymptotic behaviors. The postshock CR\npressure becomes constant after quick initial adjustment, since the evolution\nof the CR partial pressure expressed in terms of a momentum similarity variable\nis self-similar. The shock precursor, which scales as the diffusion length of\nthe highest energy CRs, subsequently broadens approximately linearly with time,\nindependent of diffusion model, so long as CRs continue to be accelerated to\never-higher energies. This means the nonlinear shock structure can be described\napproximately in terms of the similarity variable, x/(u_s t), where u_s is the\nshock speed once the postshock pressure reaches an approximate time asymptotic\nstate. As before, the shock Mach number is the key parameter determining the\nevolution and the CR acceleration efficiency, although finite Alfven wave drift\nand wave energy dissipation in the shock precursor reduce the effective\nvelocity change experienced by CRs, so reduce acceleration efficiency\nnoticeably, thus, providing a second important parameter at low and moderate\nMach numbers.",
+ "authors": "Hyesung Kang, T. W. Jones",
+ "published": "2007-05-23",
+ "updated": "2007-05-23",
+ "primary_cat": "astro-ph",
+ "cats": [
+ "astro-ph"
+ ],
+ "main_content": "Introduction Astrophysical plasmas, from the interplanetary gas inside the heliosphere to the galaxy intracluster medium (ICM), are magnetized and turbulent and contain nonthermal particles in addition to gas thermal particles. So, understanding complex interactions among these di\ufb00erent components is critical to the study of many astrophysical problems. In collisionless shocks entropy is generated via collective electromagnetic viscosities, i.e., interactions of charged particles with turbulent \ufb01elds [36]. Some suprathermal particles of the shock heated gas can leak upstream, their streaming motions against the background \ufb02uid exciting MHD Alfv\u00b4 en waves upstream of the shock [6,32]. Then those particles can be further accelerated to very high energies through multiple shock crossings resulting from resonant scatterings with the self-excited Alfv\u00b4 en waves in the \ufb02ows converging across the shock [13,10,36]. Detailed nonlinear treatments of di\ufb00usive shock acceleration (DSA) account for incoming thermal particles injected into the CR population (e.g., [19,37,21]) as a consequence of incomplete thermalization by collisionless dissipation processes. Those particles, while relatively few in number, can subsequently accumulate a major fraction of the shock kinetic energy as their individual energies increase [16,26]. Such predictions are supported by a variety of observations including direct measurements of particle spectra at interplanetary shocks, nonthermal \u03b3-ray, X-ray and radio emissions of supernova remnant shocks and also possibly the ICM of some X-ray clusters (e.g., [10,3,41]). CR acceleration may be universal to astrophysical shocks in di\ufb00use, ionized media on all scales. Unlike an ideal gasdynamic shock, downstream states of a CR modi\ufb01ed shock cannot be determined in a straightforward way by simple jump conditions across the shock front. This is because the shock transition depends on the CR pressure distribution upstream of the dissipative subshock. The particle acceleration takes place on di\ufb00usion time and length scales (td(p) = \u03ba(p)/u2 s and ld(p) = \u03ba(p)/us, where \u03ba(p) is di\ufb00usion coe\ufb03cient and us is the shock speed), which are much larger than the shock dissipation scales. Unless or until some boundary condition limits the maximum CR momentum, this structure will continue to evolve along with the CR distribution. Thus the evolution of a CR Email addresses: kang@uju.es.pusan.ac.kr (Hyesung Kang), twj@astro.umn.edu (T. W. Jones). URL: www.astro.umn.edu/\u223ctwj (T. W. Jones). 2 \fshock with a \ufb01nite age and size should properly be followed by time-dependent numerical simulations. In addition, complex interplay among CRs, resonant waves, and the underlying gas \ufb02ow (i.e., thermal leakage injection, self-excited waves, resonant scatterings of particles by waves, and non-linear feedback to the gas \ufb02ow) is model dependent and not yet understood completely. In the time dependent kinetic equation approach to numerical study of CR acceleration at shocks, the di\ufb00usion-convection equation for the particle momentum distribution, f(p, x, t), is solved, along with suitably modi\ufb01ed gasdynamic equations (e.g., [25]). Since accurate solutions to this equation require a computational grid spacing smaller than the particle di\ufb00usion length, ld(p), and since realistic di\ufb00usion coe\ufb03cients have steep momentum dependence, a wide range of length scales must be resolved in order to follow the CR acceleration from the injection momentum (typically pinj/mpc \u223c10\u22122) to highly relativistic momenta (p/mpc \u226b1). This constitutes an extremely challenging numerical task, which can require rather extensive computational resources, especially if one allows temporal and spatial evolution of di\ufb00usion behavior. To overcome this numerical problem in a generally applicable way we have built the CRASH (Cosmic-Ray Acceleration SHock) code by implementing Adaptive Mesh Re\ufb01nement (AMR) techniques and subgrid shock tracking methods [25,30] in order to enhance computational e\ufb03ciency. The CRASH code also treats thermal leakage injection self-consistently by adopting a shock transparency function for suprathermal particles in the shock [26]. We previously applied our CRASH code in a plane-parallel geometry to calculate the nonlinear evolution of CR modi\ufb01ed shocks in the absence of signi\ufb01cant local Alfv\u00b4 en wave heating and advection [26,27,29]. For those models the shock sonic Mach number, M0, largely controlled the thermal leakage injection rate and the CR acceleration e\ufb03ciency in evolving modi\ufb01ed planar shocks, since M0 determines the relative velocity jump across the shock and consequently the degree of shock modi\ufb01cation by CRs. In all but some of the highest Mach number shocks the CR injection rate and the postshock CR pressure approached time-asymptotic values when a balance was achieved between acceleration/injection and di\ufb00usion/advection processes. This resulted in an approximate \u201cself-similar\u201d \ufb02ow structure, in the sense that the shock structure broadened approximately linearly in time, so that the shock structure could be expressed in terms of the similarity coordinate ust. It is likely that all of the models would have reached such asymptotic dynamical structures eventually, but performance limits in the version of the code in use at that time prevented us from extending some of the simulations long enough to con\ufb01rm that. The CR distribution evolved only to pmax/mpc \u223c10\u2212103. Based on the self-similar evolution reported in our previous work, we calculated the ratio of CR energy to in\ufb02owing kinetic energy, \u03a6, (see Eq. [12] below) as a measure of the CR acceleration e\ufb03ciency in a time-asymptotic limit. The CR energy ratio, \u03a6, increased with the shock Mach number, but approached \u22480.5 3 \ffor large shock Mach numbers, M0 > 30, and it was relatively independent of other upstream properties or variation in the injection parameter. In those shocks where we observed time asymptotic dynamical behaviors the postshock CR pressures were \u223c30 60% of the ram pressure in the initial shock frame, this ratio increasing with Mach number. For some of the highest Mach number shocks in that study CR pressure continued to increase to the end of the simulation, so the \ufb01nal values could not be measured. Finally, the presence of a preexisting, upstream CR population was seen in those earlier simulations to be equivalent to having slightly more e\ufb03cient thermal leakage injection for such strong shocks, while it could substantially increase the overall CR energy in moderate strength shocks with M0 < 3. In the present paper, we revisit the problem of self-similar evolution of CR modi\ufb01ed shocks with a substantially improved numerical scheme that enables us to follow the particle acceleration to energies much higher than we considered before. This allows us to measure asymptotic dynamical properties for all the newly simulated shocks and to demonstrate that the self-similar evolution of the CR partial pressure in terms of a momentum similarity variable leads to the constancy of the postshock CR pressure. We also include in the new work the e\ufb00ects of Alfv` en wave drift and dissipation in the shocks. The time asymptotic CR acceleration e\ufb03ciency is once again controlled by the shock Mach number but diminished as the ratio of Alfv\u00b4 enic Mach number to sonic Mach number decreases. The asymptotic shock properties are largely independent of the magnitude of the spatial di\ufb00usion coe\ufb03cient and also its subrelativistic momentum dependence. The basic equations and details of the numerical method are described in \u00a72. We present simulation results for a wide range of shock parameters in \u00a73, followed by a summary in \u00a74. 2 Numerical Method 2.1 Basic Equations The evolution of CR modi\ufb01ed shocks depends on a coupling between the gasdynamics and the di\ufb00usive CRs. That coupling takes place by way of resonant MHD waves, although it is customary to express the pondermotive wave force and dissipation in the plasma through the associated CR pressure distribution properties along with a characteristic wave propagation speed (usually the Alfv\u00b4 en speed) (e.g., [42,1]). Consequently, in our simulations we solve the standard gasdynamic equations with CR pressure terms added in the conservative, Eulerian formulation for one dimensional plane-parallel geometry. The 4 \fevolution of a modi\ufb01ed entropy, S = Pg/\u03c1\u03b3g\u22121, is followed everywhere except across the subshock, since for strongly shocked \ufb02ows, numerical errors in computing the gas pressure from the total energy can lead to spurious entropy generation with standard methods, especially in the shock precursor [26]. \u2202\u03c1 \u2202t + \u2202(u\u03c1) \u2202x = 0, (1) \u2202(\u03c1u) \u2202t + \u2202(\u03c1u2 + Pg + Pc) \u2202x = 0, (2) \u2202(\u03c1eg) \u2202t + \u2202 \u2202x(\u03c1egu + Pgu) = \u2212u\u2202Pc \u2202x (3) \u2202S \u2202t + \u2202 \u2202x(Su) = +(\u03b3g \u22121) \u03c1\u03b3g\u22121 [W(x, t) \u2212L(x, t)], (4) where Pg and Pc are the gas and the CR pressure, respectively, eg = Pg/[\u03c1(\u03b3g \u22121)]+ u2/2 is the total energy of the gas per unit mass. The remaining variables, except for L and W have standard meanings. The injection energy loss term, L(x, t), accounts for the energy carried by the suprathermal particles injected into the CR component at the subshock and is subtracted from the postshock gas immediately behind the subshock. Gas heating due to Alfv\u00b4 en wave dissipation in the upstream region is represented by the term W(x, t) = \u2212vA\u2202Pc/\u2202x, where vA = B/\u221a4\u03c0\u03c1 is the Alfv\u00b4 en speed. This commonly used dissipation expression derives from a quasi-linear model in which Alfv\u00b4 en waves are ampli\ufb01ed by streaming CRs and dissipated locally as heat in the precursor region (e.g., [22]). The CR population is evolved by solving the di\ufb00usion-convection equation in the form, \u2202g \u2202t + (u + uw)\u2202g \u2202x = 1 3 \u2202 \u2202x(u + uw)(\u2202g \u2202y \u22124g) + \u2202 \u2202x[\u03ba(x, y)\u2202g \u2202x], (5) where g = p4f, with f(p, x, t) the pitch angle averaged CR distribution, and where y = ln(p), while \u03ba(x, p) is the spatial di\ufb00usion coe\ufb03cient [42]. For simplicity we always express the particle momentum, p in units mpc and consider only the proton CR component. The wave speed is set to be uw = vA in the upstream region, while we use uw = 0 in the downstream region. This term re\ufb02ects the fact that the scattering by Alfv\u00b4 en waves tends to isotropize the CR distribution in the wave frame rather than the bulk-\ufb02ow, gas frame [42]. Upstream, the waves are expected to be dominated by the streaming instability, so face upwind. Behind the shock, various processes, including wave re\ufb02ection, are expected to lead to a more nearly isotropic wave \ufb01eld (e.g., [2]). 5 \fEqs. (1)-(5) are simultaneously integrated by the CRASH code in planeparallel geometry. The detailed numerical description can be found in Kang et al. 2002 [26]. A key performance feature of the CRASH code is multiple levels of re\ufb01ned grids (typically lg = 8 \u221210) strategically laid around the subshock to resolve the di\ufb00usion length scale of the lowest energy particles near injection momenta. Grid re\ufb01nement spans a region around the subshock just large enough to include comfortably the di\ufb00usion scales of dynamically important high energy CRs with enough levels to follow freshly injected low energy CRs with su\ufb03cient resolution to produce converged evolutionary behaviors. To accomplish grid re\ufb01nement e\ufb00ectively it is necessary to locate the subshock position exactly. Thus, we track the subshock as a moving, discontinuous jump inside the initial, uniform and \ufb01xed grid [25]. 2.2 Di\ufb00usion Model We considered in this study two common choices for di\ufb00usion models. First is the Bohm di\ufb00usion model, which represents scattering expected for a saturated wave spectrum and gives what is generally assumed to be the minimum di\ufb00usion coe\ufb03cient as \u03baB = 1/3rg\u03c5, when the particles scatter within a path of one gyration radius (i.e., \u03bbmfp \u223crg). This gives \u03baB(p) = \u03ban p2 (p2 + 1)1/2. (6) The coe\ufb03cient \u03ban = mc3/(3eB) = (3.13 \u00d7 1022cm2s\u22121)B\u22121 \u00b5 , where B\u00b5 is the magnetic \ufb01eld strength in units of microgauss. There has been much discussion recently about ampli\ufb01cation of the large scale magnetic \ufb01eld within the shock precursor (e.g., [32,35,44]). Since physical models of that evolution are still not well developed, we will assume for simplicity in the simulations presented here that the large scale \ufb01eld is constant through the shock structure. Because of its steep momentum dependence in the nonrelativistic regime, the Bohm di\ufb00usion model requires an extremely \ufb01ne spatial grid resolution whenever nonrelativistic CRs are present. On the other hand the form of \u03ba(p) for nonrelativistic momenta mostly impacts only early evolution of CR-modi\ufb01ed shocks, when CR feedback is dominated by nonrelativistic particles and thermal leakage injection rates are adjusting rapidly to changes from initial conditions. So, to concentrate computational e\ufb00ort more e\ufb03ciently, we adopted in some previous works [25,30] a \u201cBohm-like\u201d di\ufb00usion coe\ufb03cient that includes a weaker momentum dependence for the non-relativistic regime, \u03baBL(p) = \u03banp. (7) 6 \fAccording to those previous studies, the di\ufb00erences in results between the two models are minor except during early nonlinear shock evolution, as expected. Thanks to the weaker momentum dependence of \u03baBL we can, for given computational resources, calculate numerically converged models with smaller \u03ban resulting in the acceleration of CRs to higher momenta. In order to quench the well-known CR acoustic instability in the precursor of highly modi\ufb01ed CR shocks (e.g., [24]), we assume a density dependence for the di\ufb00usion coe\ufb03cient, (\u03c1/\u03c10)\u22121, so that \u03ba(x, p) = \u03baB(\u03c1/\u03c10)\u22121 or \u03ba(x, p) = \u03baBL(\u03c1/\u03c10)\u22121, where \u03c10 is the upstream gas density. This density dependence also models enhancement of the Alfv\u00b4 en wave magnetic \ufb01eld amplitude due to \ufb02ow compression. We note, also, for clarity that hereafter we use the subscripts \u20190\u2019, \u20191\u2019, and \u20192\u2019 to denote conditions far upstream of the shock, immediately upstream of the gas subshock and immediately downstream of the subshock, respectively. 2.3 Thermal Leakage Model In the CRASH code suprathermal particles are injected as CRs self-consistently via \u201cthermal leakage\u201d through the lowest CR momentum boundary. The thermal leakage injection model emulates the \ufb01ltering process by which suprathermal particles well into the tail of the postshock Maxwellian distribution leak upstream across the subshock [37,36]. This \ufb01ltering is managed numerically by adopting a \u201ctransparency function\u201d, \u03c4esc(\u01ebB, \u03c5), that expresses the probability of supra-thermal particles at a given velocity, \u03c5, successfully swimming upstream across the subshock through the postshock MHD waves [21,26]. The one model parameter, \u01ebB = B0/B\u22a5, is the ratio of the amplitude of the postshock wave \ufb01eld interacting with the low energy particles, B\u22a5, to the general magnetic \ufb01eld, B0, which is aligned with the shock normal in these simulations. The transparency function \ufb01xes the lowest momentum of the CR component in our simulations from the condition that \u03c4esc > 0 (i.e., non-zero probability to cross the subshock for CRs) for p > p1, where p1 = (u2/c)(1 + \u01ebB)/\u01ebB and u2 is the downstream \ufb02ow speed in the subshock rest frame. Initially p1 is determined by the downstream speed of the initial shock, but it decreases as the subshock weakens and then it becomes constant after the CR modi\ufb01ed shock structures reach asymptotic states. Since suprathermal particles have to swim against the scattering waves advecting downstream, the subshock Mach number, Ms, is one of the key shock characteristics that control the injection fraction. Previous simulations showed that injection is less e\ufb03cient for weaker shocks, but becomes independent of M0 for strong shocks, when the subshock compression asymptotes [26]. For a given total shock Mach number, M0, on the other hand, the injection rate 7 \fis controlled mainly by the parameter \u01ebB In practice we have found that \u01ebB \u223c0.2 \u22120.25 leads to an injection fraction in the range \u223c10\u22124 \u221210\u22123. This is similar to commonly adopted values in other models that employ a \ufb01xed injection rate (e.g., [8,33,4]). Although somewhat higher \ufb01eld turbulence values (0.25 < \u01ebB < 0.3) are suggested theoretically for strong shocks [34], these evoke a start-up problem in the numerical simulations, since they lead to very rapid initial injection that cools the postshock \ufb02ow too strongly for it to remain numerically stable. Once the shock structure becomes nonlinear, however, those in\ufb02uences moderate greatly, so that, as we have shown previously, the ultimate CR acceleration behavior depends only weakly on \u01ebB. In fact, we have found previously for strong shocks that the time-asymptotic behaviors are very weakly dependent on \u01ebB [25], so its chosen value will have no in\ufb02uence on our \ufb01nal conclusions. We directly track the fraction of particles injected into the CR population as follows: \u03be(t) = R dx R p2 p1 4\u03c0fCR(p, x, t)p2dp n0us,0t , (8) where fCR is the CR distribution function above p1, while n0us,0t is the number of particles passed through the shock until the time t. The highest momentum of the CR component, p2, is chosen so that it is well above pmax at the simulation termination time, where pmax is de\ufb01ned in \u00a72.4. 2.4 CR Acceleration E\ufb03ciency The postshock thermal energy in a gasdynamic shock can, of course, be calculated analytically by the Rankine-Hugoniot jump condition. On the other hand, the CR population and the associated acceleration e\ufb03ciency at CR modi\ufb01ed shocks should properly be obtained through time-dependent integration of the shock structure from given initial states, since the CR distribution depends on the shock structure, which is not discontinuous and continues to evolve so long as the CR population evolves. In particular CR modi\ufb01ed shocks contain a smooth precursor in the upstream region whose scale height grows in time in proportion to the di\ufb00usion length of energetically dominant particles. The total shock compression may, similarly, evolve over a signi\ufb01cant time period. The standard expression for the mean acceleration timescale for a particle to reach momentum p in the test-particle limit of DSA theory is given by [31] \u03c4acc(p) = 3 u1 \u2212u2 (\u03ba1 u1 + \u03ba2 u2 ). (9) 8 \fIn the test particle limit the shock compression is given by the RankinHugoniot condition. Then assuming a \u03b3g = 5/3 gasdynamic shock and a di\ufb00usion coe\ufb03cient taking the density dependence indicated at the end of \u00a72.2, this leads to \u03c4acc(p) \u22488 M2 0 M2 0 \u22121 \u03ba(p) u2 s , (10) where us and M0 are the shock speed and sonic Mach number, respectively. While this expression should strictly speaking be modi\ufb01ed in highly modi\ufb01ed CR shocks, since the shock structure and the associated CR transport are more complex than assumed in Eq. (10) [11], we \ufb01nd it empirically to be reasonably consistent with our results described below. Accordingly, we may expect and con\ufb01rm below that the time-dependent evolution of our CR modi\ufb01ed shocks will be determined primarily by the shock Mach number and can be expressed simply in terms of di\ufb00usion length and time scales. Within this model the highest momentum expected to be accelerated in strong shocks by the time t is set according to Eq. (10) by the relation t \u22488\u03ba(pmax)/u2 s. In that case the scale height of the precursor or shock transition structure grows linearly with time as lshock \u223c\u03ba(pmax) us \u223c1 8ust, (11) independent of the magnitude or the momentum dependence of \u03ba(p). This evolution should continue until some other physics limits the increase in CR momentum, such as the \ufb01nite size of the shock system. Since the CR pressure approaches a time-asymptotic value (see Figs. 3-5 below), the evolution of the CR-modi\ufb01ed shock becomes, under these circumstances, approximately self-similar, independent of the form of the di\ufb00usion coe\ufb03cient, while lshock grows linearly with time [27,28,29]. On the other hand, \u03ba(pmax) \u2248lshockus, so for Bohm-like di\ufb00usion, pmax \u2248lshock(t)us/\u03ban. Thus, at a given time the CR distribution, g(p), extends for Bohm-like di\ufb00usion according to pmax \u2248 u2 st/(8\u03ban) \u221d1/\u03ban. Fig. 1 shows a comparison of three models of a M0 = 20 shock with \u02dc \u03baB = \u02dc \u03banp2/\u221ap2 + 1 using \u02dc \u03ban = 0.1, and with \u02dc \u03baBL = \u02dc \u03banp using \u02dc \u03ban = 10\u22124 and 10\u22126 in units de\ufb01ned in the following section. The upper left panel, displaying the evolution of postshock CR pressure, demonstrates similar time-asymptotic values for all three models. At early times the CR pressure evolution depends on details of the model, including numerical properties such as spatial and momentum grid resolutions, and the previously described injection suppression scheme used to prevent start up problems. 9 \fThe other panels in Fig. 1 illustrate shock structure comparisons for the three models at the end of the simulations. The shock structures, \u03c1(x) and Pc(x), are very similar, while the CR spectrum extends to di\ufb00erent values of pmax, inversely proportional to \u02dc \u03ban. The self-similar evolution of CR modi\ufb01ed shocks makes it useful to apply the ratio of CR energy to a \ufb01ducial kinetic energy \ufb02ux through the shock as a simple measure of acceleration e\ufb03ciency; namely, \u03a6(t) = R Ec(x, t)dx 0.5\u03c10u3 s,0t . (12) More speci\ufb01cally, this compares the total CR energy within the simulation box to the kinetic energy in the initial shock frame that has crossed the shock at a given time. As the shock structures approach time-asymptotic forms the above discussion suggests that \u03a6(t) also may approach time-asymptotic values. This is con\ufb01rmed in our simulations. We see also that the asymptotic \u03a6 values depend in our simulations primarily on shock sonic Mach number and are independent of \u03ba. The highest momenta achieved in our simulations are set by practical limits on computation time controlled by the vast range of di\ufb00usion times and lengths to be modeled. Still, the asymptotic acceleration e\ufb03ciency ratio is almost independent of the maximum momentum reached. For the three models shown in Fig. 1, for example, pmax \u223c10, 104, and 106 at \u02dc t = 10, depending on the value of \u03ban, but the CR energy ratio approaches similar values of \u03a6 \u223c0.4 for all three models. 3 Simulation Set Up and Model Parameters 3.1 Units and Initial Conditions The expected evolutionary behaviors described above naturally suggest convenient units. For example, given a suitable velocity scale, \u02c6 u, and length scale, \u02c6 x, a time scale \u02c6 t = \u02c6 x/\u02c6 u and di\ufb00usion coe\ufb03cient scale, \u02c6 \u03ba = \u02c6 x\u02c6 u = \u02c6 u2\u02c6 t are implied. Alternatively, one can select the velocity scale along with a convenient scale for the di\ufb00usion coe\ufb03cient, \u02c6 \u03ba, leading to a natural length scale, \u02c6 x = \u02c6 \u03ba/\u02c6 u and a related time scale, \u02c6 t = \u02c6 \u03ba/\u02c6 u2 = \u02c6 x/\u02c6 u. We will follow the latter convention in our discussion. In addition, given an arbitrary mass unit, \u02c6 m, which we take to be the proton mass, we can similarly normalize mass density in terms of \u02c6 \u03c1 = \u02c6 m/\u02c6 x3. Pressure is then expressed relative to \u02c6 \u03c1\u02c6 u2. For clarity we henceforth 10 \findicate quantities normalized by the above scales using a tilde; for example, \u02dc u, \u02dc t, and \u02dc \u03ban. We start each simulation with a pure gasdynamic, right-facing shock at rest in the computational grid. We use the upstream gas speed in this frame, u0 as our velocity scale, so that the initial, normalized shock speed is \u02dc us,0 = 1 with respect to the upstream gas. The upstream gas is speci\ufb01ed with one of two temperature values, either T0 = 104K or T0 = 106, which represent warm or hot phase of astrophysical di\ufb00use media, respectively. In astrophysical environments, for example, photoionized gas of 104 K is quite common. Hot and ionized gas of > 106 K is also found in the hot phase of the ISM [38,43]. The shock speed and the upstream temperature are related through the sonic Mach number, M0, by the usual relation us,0 = cs,0M0 = 15 km s\u22121(T0/104)1/2M0 = u0, where cs,0 is the sound speed of the upstream gas. So, by choosing T0 and M0, we set the physical value of the shock speed, which, in turn, determines the postshock thermal behavior. For CR distribution properties it is also necessary to de\ufb01ne the speed of light, c, in terms of \u03b2k = u0/c. The normalized upstream gas density is set to unity; i.e., \u02dc \u03c10 = 1. The preshock pressure is determined by the shock Mach number, \u02dc Pg,0 = (1/\u03b3g)M\u22122 0 , where the gas adiabatic index, \u03b3g = 5/3. The postshock states for the initial shocks are determined by the Rankine-Hugoniot shock jump condition. For models with T0 = 104K, M0 =10-80 is considered, since the gas would not be fully ionized at slower shocks (us < 150 km s\u22121), the postshock gas would often become radiative and the CR acceleration become ine\ufb03cient owing to wave dissipation from ion-neutral collisions (e.g., [15]). For models with T0 = 106K M0 = 2 \u221230 (300 km s\u22121 \u2264us \u22644500 km s\u22121) is considered, since the CR acceleration should be relatively independent of T0 for shocks with M0 > 30. In order to explore e\ufb00ects of pre-existing CRs, we also consider, as we did in our earlier work, models with T0 = 106 K that include an ambient (upstream) CR population, f(p) \u221dp\u22125 for p1 \u2264p \u2264p2 and set its pressure Pc,0 = (0.25 \u22120.3)Pg,0. For these models, we adopt \u03baB = 0.1p2/\u221ap2 + 1, p1 = (us,0/c)(1 + \u01ebB)/\u01ebB and p2 = 103. For strong shocks the presence of preexisting CRs is similar in e\ufb00ect to having a slightly higher injection rate, so the time asymptotic shock structure and CR acceleration e\ufb03ciency depend only weakly on such a pre-existing CR population [26,28]. On the other hand, for weak shocks, a pre-existing CR pressure comparable to the upstream gas pressure represents a signi\ufb01cant fraction of the total energy entering the shock, so pre-existing CRs obviously have far more impact. In addition, the time asymptotic CR acceleration e\ufb03ciency in weak shocks depends sensitively on the injection rate, so increases with increased shock transparency, controlled through \u01ebB (see \u00a72.3). Hence, as we found in [29], we expect relatively weak CR shocks (M0 < 5) to be substantially altered by the presence of a \ufb01nite 11 \fupstream Pc. 3.2 Wave Drift and Heating As shown in earlier works (e.g., [22,30] and references cited therein), the CR acceleration becomes less e\ufb03cient when Alfv\u00b4 en wave drift and heating terms are included in the simulations. This behavior comes from two e\ufb00ects previously mentioned in \u00a72.1, both of which derive from the resonance interaction between CRs and Alfv\u00b4 en waves in the shock precursor. The Alfv\u00b4 en waves stimulated by CR streaming in the precursor will propagate in the upstream direction, so that the e\ufb00ective advection speed of the CRs into the subshock is reduced. In addition, if the energy extracted from CRs to amplify these waves is locally dissipated, the heating rate in the precursor is increased with respect to the adiabatic rate, so that gas entering the subshock is relatively hotter, and the subshock strength is accordingly reduced. The signi\ufb01cance of the e\ufb00ects depends on the sonic Mach number, M0, relative to the shock Alfv\u00b4 enic Mach number, MA = us/vA; i.e., on the ratio of the Alfv\u00b4 en speed to the sound speed (see \u00a73.4). In a parallel shock we can write M0/MA = vA/cs = q 2\u03b8/ [\u03b3g(\u03b3g \u22121)], where we introduce a convenient \u201cAlfv\u00b4 en parameter\u201d as follows, \u03b8 = EB,0 Eth,0 = (\u03b3g \u22121) Pg,0 PB,0 = (\u03b3g \u22121) \u03b2p . (13) This expresses the relative upstream Alfv\u00b4 en and sound speeds in terms of the magnetic to thermal energy density ratio. The parameter \u03b2p is the usual \u201cplasma \u03b2\u201d parameter. For \u03b3g = 5/3, \u03b2p = 2/(3\u03b8). and \u03b8 = (5/9)(M0/MA)2. We emphasize for clarity that the present simulations are of parallel shocks, so that the direct dynamical role of the magnetic \ufb01eld has been neglected. Observed or estimated values are typically \u03b8 \u223c0.1 for intracluster media and \u03b8 \u223c1 for the interstellar medium of our Galaxy (e.g., [5,12]). So we consider 0.1 \u2264\u03b8 \u22641, and we will provide comparison to the weak \ufb01eld limit, \u03b8 = 0. Fig. 2 concisely illustrates the importance of Alfv\u00b4 en wave drift and heating e\ufb00ects on a Mach 10 shock. One can see that the postshock CR pressure, for example, decreases by more than a factor two when the sonic and Alfv\u00b4 en Mach numbers become comparable. Most of the model results we show here used \u03b8 = 0.1. For the Mach 10 shocks illustrated in Fig. 2 the associated wave terms have reduced the asymptotic CR pressure by about 30% with \u03b8 = 0.1 compared to the shock with no such terms included. 12 \f3.3 Grid Resolution and Convergence According to our previous studies [23], the spatial grid resolution should be much \ufb01ner than the di\ufb00usion length of lowest energy particles near the injection momenta, i.e., \u2206x < \u223c0.1ld(pinj). Kang & Jones (2006), however, showed that the spherical, comoving CRASH code achieve good numerical convergence, even when \u2206x > ld(pinj). This was due to the fact in the execution of that code the gas subshock remains consistently inside the same comoving grid zone. In order to gain this bene\ufb01t for our present simulations, we have modi\ufb01ed our plane-parallel CRASH code so that the shock is again forced to remain inside the same re\ufb01ned grid zone by regularly rede\ufb01ning the underlying Eulerian grid. The simulations employ eight levels of re\ufb01nement with the grid spacing reduced by an integer factor of two between re\ufb01nement levels. The spatial grid resolution on the coarsest, base grid is \u2206\u02dc x0 = 2 \u00d7 10\u22123, while on the \ufb01nest, 8th, grid \u2206\u02dc x8 = 7.8 \u00d7 10\u22126. With \u02dc \u03ban = 10\u22126, the di\ufb00usion length for injection momenta p1 \u224810\u22122 becomes \u02dc ld \u224810\u22128 for models with Bohm-like di\ufb00usion, \u03baBL. Although \u2206\u02dc x8 > \u02dc ld(pinj), we con\ufb01rmed that the new plane-parallel CRASH code also achieves good numerical convergence in the simulations presented here. This improvement enables us to extend these simulations to CR momenta several orders of magnitude greater that those discussed in [29]. When solving the di\ufb00usion-convection equation, we used 230 280 uniformly spaced logarithmic momentum bins in the interval y = ln p = [ln p1, ln p2]. 3.4 Results We show in Fig. 3 the time evolution of a M0 = 10 shock with T0 = 106K, \u02dc \u03baBL = 10\u22126p, and \u03b8 = 0.1. The wave amplitude parameter in the thermal leakage model was assumed to be \u01ebB = 0.2, unless stated otherwise. The lower left panel follows evolution of the volume integrated CR distribution function relative to the total number of particles (mostly in the thermal population) that have passed through the shock, i.e., G(p)/(n0us,0t), where G(p) = R dxg(x, p). As the CR pressure increases in the precursor in response to thermal leakage injection at the subshock and subsequent Fermi acceleration, the subshock weakens. The injection process is self-regulated in such a way that the injection rate reaches and stays at a nearly stable value after quick initial adjustment. Consequently, the postshock CR pressure reaches an approximate time-asymptotic value once a balance is established between fresh injection/acceleration and advection/di\ufb00usion of the CR particles away from the shock. 13 \fThe CR pressure is calculated as Pc = 4\u03c0 3 mpc2 p2 Z p1 g(p) p \u221ap2 + 1d ln p, (14) so we de\ufb01ne D(p) \u2261g(p)p/\u221ap2 + 1 as a \u2018partial pressure function\u2019. The upper left panel of Fig. 4 shows the evolution of D(p, xs) at the subshock for the model shown in Fig. 3. Since D(p) stretches self-similarly in momentum space, we de\ufb01ne a new momentum similarity variable as Z \u2261 ln(p/p1) ln[pmax(t)/p1]. (15) The lowest momentum p1 becomes constant after the subshock structure becomes steady. The momentum at which numerical values of D(p) peaks is chosen as pmax(t) and similar to what is estimated approximately by applying the test-particle theory in \u00a72.4. For the model shown in Fig. 3, p1 \u22480.01 and pmax \u22487.27 \u00d7 104 \u02dc t. We then de\ufb01ne another \u2018partial pressure function\u2019, F(Z) \u2261g(Z) p \u221ap2 + 1 ln[pmax(t)/p1] = D(Z) ln[pmax(t)/p1]. (16) Its time evolution is shown as a function of Z at the upper right panel of Fig. 4. The plot demonstrates that the evolution of F(Z) becomes self-similar for \u02dc t \u22652. Since Pc \u221d R p1 D(p)d ln p \u221d R 0 F(Z)dZ, the areas under the curves of D(p) or F(Z) in Fig. 4 represent the CR pressure at the shock. So the selfsimilar evolution of F(Z) implies the constancy of Pc,2. In this case \u02dc Pc,2 \u22480.31 for \u02dc t > \u223c2. \u00bfFrom that time forward the spatial distribution of Pc expands approximately linearly with time, as anticipated in \u00a72.4. This demonstrates that the growth of a precursor and the shock structure proceed approximately in a self-similar way once the postshock CR pressure becomes constant. In the lower panels of Fig. 4 we also show the evolution of D(p) and F(Z) for another model with M0 = 50, T0 = 104K, \u02dc \u03baB = 0.01p/\u221ap2 + 1 and \u03b8 = 0.1. For the this model p1 \u22482.0 \u00d7 10\u22123 and pmax \u224810\u02dc t. In this case, the CR pressure is mostly dominated by relativistic particles. Fig. 5 compares the CR distributions at \u02dc t = 10 for two sets of models spanning a range of sonic Mach numbers for di\ufb00erent di\ufb00usion model choices. For the simulations represented on the left, the di\ufb00usion coe\ufb03cient is Bohm-like, with \u02dc \u03baBL = 10\u22126p and T0 = 106K. The results on the right come from a Bohm di\ufb00usion model with \u02dc \u03baB = 0.01p2/\u221ap2 + 1 and T0 = 104 K. For all models in this \ufb01gure, \u03b8 = 0.1 and \u01eb = 0.2. The top panels show the CR distributions 14 \fat the shock, g(p, xs) = p4f(p, xs), while the middle panels show the spatially integrated G(p). The slopes of the integrated spectra, q = \u2212d(ln Gp)/d ln p + 4, are shown in the bottom panels. For strong shocks with M0 \u226510, both p4f(p, xs) and G(p) exhibit concave curvature at high momentum familiar from previous studies e.g., [9,36,4]. The hardened high momentum slopes re\ufb02ect the fact that higher momentum CRs have longer mean free scattering paths, so encounter an increased compression across the shock precursor and a greater velocity jump. It is interesting to note in Fig. 5 that the spatially integrated spectra in the stronger shocks show more obvious hardening at high momenta than do the spectra measured at the subshock. This is another consequence of the fact that ld(p) increases with momentum, so that the CR spectrum hardens considerably as one measures it further upstream of the subshock. CRs escaping upstream from such a shock would be dominated by the highest momentum particles available. Fig. 6 compares the evolution of shock properties for the same set of models whose CR spectra are shown in Fig. 5. The evolution of density increase through the precursor, \u03c3p = \u03c11/\u03c10, and the total compression, \u03c3t = \u03c12/\u03c10, are shown in each top panel. Compression through the subshock itself can be found through the ratio \u03c3s = \u03c12/\u03c11. We will discuss shock compression results in more detail below. The middle panels of Fig. 6 show evolution of the postshock gas and CR pressures normalized to the ram pressure at the initial shock. After fast evolution at the start, these ratios approach constant values for \u02dc t > \u223c1. The bottom panels monitor the thermal leakage injection fraction, \u03be(t). With the adopted value of \u01ebB = 0.2, the time asymptotic value of this fraction is \u03be \u223c10\u22124\u221210\u22123 with the higher values for stronger shocks. We note that the behavior of \u03be during the early phase (\u02dc t < 1) is controlled mainly by the injection suppression scheme used to prevent start up problems. If the di\ufb00usion of particles with lowest momenta near p1 is better resolved with a \ufb01ner grid spacing, one may observe some initial reduction of \u03be(t) as the subshock weakens in time (e.g., Fig. 6 of [26]). The various plots show that postshock properties approach time-asymptotic states that depend on the shock Mach number. Generally, as is well known, the shock compression, the normalized postshock CR pressure and the thermal leakage injection fraction increase with shock Mach number. Nonlinear e\ufb00ects, illustrated here by increased shock compression and diminished postshock gas pressure, are relatively unimportant for Mach numbers less than 10 or so. At high Mach number upstream gas temperature is relatively unimportant. In addition, noting that the simulations in the left and right panels employed di\ufb00erent models for the low momentum di\ufb00usion coe\ufb03cient, the similarity between the analogous left and right plots illustrate the point made earlier that asymptotic dynamical behaviors are insensitive to 15 \fdetails in the di\ufb00usion coe\ufb03cient. The Mach number dependences of several important shock dynamical properties are illustrated in Fig. 7. These include the time-asymptotic values of \u03c3t, \u03c3p, and the postshock CR and gas pressures, both normalized by the initial momentum \ufb02ux, \u03c10u2 s,0. Dotted lines provide for comparison the \u03b3g = 5/3 gasdynamic compression ratio and postshock pressure. The strong shock limits of the gasdynamic compression ratio and normalized postshock pressure are 4 and 0.75, respectively. The two sets of models shown in Figs. 5-6 are shown, along with an additional set of models with T0 = 106K, \u03baBL = 10\u22126p, \u03b8 = 0.1, and \u01ebB = 0.25. The normalized postshock CR pressure increases with M0, asymptoting towards \u02dc Pc,2 \u223c0.5 at high Mach numbers. These values are reduced \u223c30% from the analogous results presented in [29], which is consistent with the comparison for the Mach 10 shock shown in Fig. 2. The normalized gas pressure simultaneously drops in response to increases in \u02dc Pc, as one would anticipate. It is notable that it actually falls well below 0.25, where one might naively expect it to asymptote in order to maintain a constant total postshock pressure with respect to \u03c10u2 s,0. Instead it falls as \u02dc Pg,2 = Pg,2/(\u03c10u2 s,0) \u223c0.4(M0/10)\u22120.4, without \ufb02attening at high Mach numbers. As we shall see below, this trend is consistent with expected evolution of gas in the precursor. Thus the total postshock pressure is less than that of a gasdynamic shock of the same initial Mach number, M0, despite a softening of the equation of state coming from the CRs. For the \u01ebB = 0.2 cases shown in Fig. 7 the precursor, subshock, and total compression ratios can be approximated by \u03c3p \u223c1.5(M0/10)0.29, \u03c3s \u223c 3.3(M0/10)0.04, and \u03c3t = \u03c3p\u03c3s \u223c4.9(M0/10)0.33, respectively, for M0 > \u223c5. For these models we also \ufb01nd the subshock Mach number ranges 3 < \u223cM1(= u1/cs,1) < \u223c4 and depends on total Mach number roughly as M1 \u221dM0.1 0 . Since the Rankine-Hugoniot-derived gas shock compression in this Mach number range scales as \u03c3s \u221dM0.35 1 , so \u03c3s \u221d(M0.1 0 )0.35 is consistent with the above relation. Although weak, the variation of the subshock strength with full shock sonic Mach number is important to an understanding of the simulated \ufb02ow behaviors seen in our shock precursors. We note that the subshock behavior seen here in highly modi\ufb01ed strong shocks, particularly that it generally evolves towards Mach numbers close to three, is consistent with previous analytic and numerical results, although in some other studies the subshock strength is completely independent of M0 (e.g., [7,9,36]). The subshock strength in our simulations is determined by complex nonlinear feedback involving the thermal leakage injection process. As noted for the results in Fig. 6 the injection rate, \u03be, generally increases with M0. This simultaneously increases Pc, providing extra Alfv\u00b4 enic heating in the precursor, while cooling gas entering the subshock, as energy is transferred to low energy CRs. It should not be surprising that the balance of these feedback processes is not entirely independent of total Mach number. We comment in passing that the compression values 16 \fshown in Fig. 7 depend slightly on \u01ebB in the sense that larger values of \u01ebB result in a little higher CR injection rate and greater Pc. Compression through the shock precursor has been discussed by several previous authors (e.g., [7,8,33,26]). We outline the essential physics to facilitate an understanding of our results. In a steady \ufb02ow (\u2202/\u2202t = 0) the modi\ufb01ed entropy equation (4) can be integrated across the precursor with \u03b3g = 5/3 to give \u03c3p = \u03c11 \u03c10 = \"\u0012M1 M0 \u00132 + 2 3M2 1 I #\u22123/8 , (17) where M0 = us,0/cs,0 and I = 5 3u3 0\u03c11/3 0 Z |W| \u03c12/3 dx. (18) The same relation can be derived from a Lagrangian perspective applying the second law of thermodynamics to a parcel of gas \ufb02owing through the precursor, not necessarily in a steady state. For these simulations |W| = |vA\u2202Pc/\u2202x|. Given the previously mentioned result, Pc,2 = Pc,1 \u223c0.5\u03c10u2 s we can estimate that I \u2248vA/us \u22481.34 \u221a \u03b8/M0. Eq. (17) is then similar to an expression given in [7]. When Alfv\u00b4 en wave dissipation is small, so that \u03b8 << 5/(4M2 0), Eq. (17) gives the result \u03c3p \u223cM3/4 0 , appropriate for adiabatic compression and consistent with behaviors found in a number of previous analytic and numerical studies (e.g., [7,8,33,26]). For the simulations represented in Figs. 3-7 the opposite limit actually applies, since \u03b8 = 0.1 > 5/(4M2 0) whenever M0 > 3.5. Then the strong Alfv\u00b4 en dissipation limit of Eq. (17) predicts \u03c3p \u223c(M0 \u221a \u03b8)3/8/M3/4 1 . Substituting our observed relation between subshock Mach number and total Mach number, M1 \u221dM0.1 0 , we establish for \ufb01xed \u03b8 an expected behavior, \u03c3p \u221dM0.3 0 , very close to what is observed. If instead of \u03b8 we had parameterized the Alfv\u00b4 en wave in\ufb02uence in terms of the Alfv\u00b4 enic Mach number, the analogous behavior of Eq. (17) would have been \u03c3p \u221d1/(M3/8 A M3/4 1 ). Then for \ufb01xed Alfv\u00b4 enic Mach number the precursor compression would vary only with the subshock Mach number, which, has only a weak dependence on the full shock Mach number. That agrees with results presented by [7], for example. We mention that the precursor/subshock compression properties also explain the observed inverse dependence of postshock gas pressure on initial Mach number. In fact, in a steady \ufb02ow it is easy to show that Pg,2 \u03c10u2 0 = 2 (\u03b3g + 1) 1 \u2212(\u03b3g \u22121) 2\u03b3gM2 1 ! 1 \u03c3p \u22483 4 1 \u03c3p . (19) Thus we expect an inverse relation between precursor compression and nor17 \fmalized postshock gas pressure, close to what is observed in our simulations. Finally, Fig. 8 shows time-asymptotic values of the CR energy ratio, \u03a6(M0), for models with di\ufb00erent \u03b8 (top panel) and di\ufb00erent \u01ebB and pre-existing CRs (bottom panel). Models are shown with both T0 = 106K and T0 = 104K. This \ufb01gure demonstrates that the CR acceleration depends on the speci\ufb01c model parameters considered here. For models with \u03b8 = 0.1 and T = 106 K, the acceleration e\ufb03ciency is reduced by up to \u223c50 % in comparison to models without Alfv\u00b4 en wave drift and dissipation (\u03b8 = 0). For larger Alfv\u00b4 en speeds with \u03b8 \u223c1, the acceleration e\ufb03ciency is reduced even more signi\ufb01cantly as a consequence of strong preshock Alfv\u00b4 enic heating and wave advection. On the other hand, for models with T0 = 104K and M0 > 20 the reduction factor is less than 15 % for \u03b8 \u223c0.5. As shown in previous studies [26,27], larger values of \u01ebB lead to higher thermal leakage injection and so more CR energy. Also the presence of preexisting CRs facilitates thermal leakage injection, leading to more injected CR particles and higher acceleration e\ufb03ciency. Thus, an accurate estimate of the CR energy generated at quasi-parallel shock requires detail knowledge of complex physical processes involved. Fortunately, all theses dependences become gradually weaker at higher Mach numbers, and \u03a6 tends to approach 0.5 for M0 > 30. It seems likely that this asymptotic e\ufb03ciency would also apply for su\ufb03ciently large \u03b8. For low Mach number shocks, it is not yet possible to make simple, model-independent e\ufb03ciency predictions. 4"
+ },
+ {
+ "url": "http://arxiv.org/abs/0704.1521v1",
+ "title": "Cosmological Shock Waves in the Large Scale Structure of the Universe: Non-gravitational Effects",
+ "abstract": "Cosmological shock waves result from supersonic flow motions induced by\nhierarchical clustering of nonlinear structures in the universe. These shocks\ngovern the nature of cosmic plasma through thermalization of gas and\nacceleration of nonthermal, cosmic-ray (CR) particles. We study the statistics\nand energetics of shocks formed in cosmological simulations of a concordance\n$\\Lambda$CDM universe, with a special emphasis on the effects of\nnon-gravitational processes such as radiative cooling, photoionization/heating,\nand galactic superwind feedbacks. Adopting an improved model for gas\nthermalization and CR acceleration efficiencies based on nonlinear diffusive\nshock acceleration calculations, we then estimate the gas thermal energy and\nthe CR energy dissipated at shocks through the history of the universe. Since\nshocks can serve as sites for generation of vorticity, we also examine the\nvorticity that should have been generated mostly at curved shocks in\ncosmological simulations. We find that the dynamics and energetics of shocks\nare governed primarily by the gravity of matter, so other non-gravitational\nprocesses do not affect significantly the global energy dissipation and\nvorticity generation at cosmological shocks. Our results reinforce scenarios in\nwhich the intracluster medium and warm-hot intergalactic medium contain\nenergetically significant populations of nonthermal particles and turbulent\nflow motions.",
+ "authors": "Hyesung Kang, Dongsu Ryu, Renyue Cen, J. P. Ostriker",
+ "published": "2007-04-12",
+ "updated": "2007-04-12",
+ "primary_cat": "astro-ph",
+ "cats": [
+ "astro-ph"
+ ],
+ "main_content": "Introduction Astrophysical plasmas consist of both thermal particles and nonthermal, cosmic-ray (CR) particles that are closely coupled with permeating magnetic \ufb01elds and underlying turbulent \ufb02ows. In the interstellar medium (ISM) of our Galaxy, for example, an approximate energy equipartition among di\ufb00erent components seems to have been established, i.e., \u03b5therm \u223c\u03b5CR \u223c\u03b5B \u223c\u03b5turb \u223c1 eV cm\u22123 (Longair 1994). Understanding the complex network of physical interactions among these components constitutes one of fundamental problems in astrophysics. There is substantial observational evidence for the presence of nonthermal particles and magnetic \ufb01elds in the large scale structure of the universe. A fair fraction of X-ray clusters have been observed in di\ufb00use radio synchrotron emission, indicating the presence of GeV CR electrons and \u00b5G \ufb01elds in the intracluster medium (ICM) (Giovannini & Feretti 2000). Observations in EUV and hard X-ray have shown that some clusters possess excess radiation compared to what is expected from the hot, thermal X-ray emitting ICM, most likely produced by the inverse-Compton scattering of cosmic background radiation (CBR) photons by CR electrons (Fusco-Femiano et al. 1999; Bowyer et al. 1999; Bergh\u00a8 ofer et al. 2000). Assuming energy equipartition between CR electrons and magnetic \ufb01elds, \u03b5CRe \u223c\u03b5B \u223c 0.01\u22120.1eV cm\u22123 \u223c10\u22123\u221210\u22122\u03b5therm can be inferred in typical radio halos (Govoni & Feretti 2004). If some of those CR electrons have been energized at shocks and/or by turbulence, the same process should have produced a greater CR proton population. Considering the ratio of proton to electron numbers, K \u223c100, for Galactic CRs (Beck & Kraus 2005), one can expect \u03b5CRp \u223c0.01 \u22120.1\u03b5therm in radio halos. However, CR protons in the ICM have yet to be con\ufb01rmed by the observation of \u03b3-ray photons produced by inelastic collisions between CR protons and thermal protons (Reimer et al. 2003). Magnetic \ufb01elds have been also directly observed with Faraday rotation measure (RM). In clusters of galaxies strong \ufb01elds of a few \u00b5G strength extending from core to 500 kpc or further were inferred from RM observations (Clarke et al. 2001; Clarke 2004). An upper limit of \u2272\u00b5G was imposed on the magnetic \ufb01eld strength in \ufb01laments and sheets, based the observed limit of the RMs of quasars outside clusters (Kronberg 1994; Ryu et al. 1998). Studies on turbulence and turbulent magnetic \ufb01elds in the large scale structure of the universe have been recently launched too. XMM-Newton X-ray observations of the Coma cluster, which seems to be in a post-merger stage, were analyzed in details to extract clues on turbulence in the ICM (Schuecker et al. 2004). By analyzing pressure \ufb02uctuations, it was shown that the turbulence is likely subsonic and consistent with Kolmogoro\ufb00turbulence. RM maps of clusters have been analyzed to \ufb01nd the power spectrum of turbulent magnetic \ufb01elds in a few clusters (Murgia et al. 2004; Vogt & En\u00dflin 2005). While Murgia et al. (2004) \f\u2013 3 \u2013 reported a spectrum shallower than the Kolmogoro\ufb00spectrum, Vogt & En\u00dflin (2005) argued that the spectrum could be consistent with the Kolmogoro\ufb00spectrum if it is bended at a few kpc scale. These studies suggest that as in the ISM, turbulence does exist in the ICM and may constitute an energetically non-negligible component. In galaxy cluster environments there are several possible sources of CRs, magnetic \ufb01elds, and turbulence: jets from active galaxies (Kronberg et al. 2004; Li et al. 2006), termination shocks of galactic winds driven by supernova explosions (V\u00a8 ok & Atoyan 1999), merger shocks (Sarazin 1999; Gabici & Blasi 2003; Fujita et al. 2003), structure formation shocks (Loeb & Waxmann 2000; Miniati et al. 2001a,b), and motions of subcluster clumps and galaxies (Subramanian et al. 2006). All of them have a potential to inject a similar amount of energies, i.e., E \u223c1061 \u22121062 ergs into the ICM. Here we focus on shock scenarios. Astrophysical shocks are collisionless shocks that form in tenuous cosmic plasmas via collective electromagnetic interactions between gas particles and magnetic \ufb01elds. They play key roles in governing the nature of cosmic plasmas: i.e., 1) shocks convert a part of the kinetic energy of bulk \ufb02ow motions into thermal energy, 2) shocks accelerate CRs by di\ufb00usive shock acceleration (DSA) (Blandford & Ostriker 1978; Blandford & Eichler 1987; Malkov & Drury 2001), and amplify magnetic \ufb01elds by streaming CRs (Bell 1978; Lucek & Bell 2000), 3) shocks generate magnetic \ufb01elds via the Biermann battery mechanism (Biermann 1950; Kulsrud et al. 1997) and the Weibel instability (Weibel 1959; Medvedev et al. 2006), and 4) curved shocks generate vorticity and ensuing turbulent \ufb02ows (Binney 1974; Davies & Widrow 2000). In Ryu et al. (2003) (Paper I), the properties of cosmological shock waves in the intergalactic medium (IGM) and the energy dissipations into thermal and nonthermal components at those shocks were studied in a high-resolution, adiabatic (non-radiative), hydrodynamic simulation of a \u039bCDM universe. They found that internal shocks with low Mach numbers of M \u22724, which formed in the hot, previously shocked gas inside nonlinear structures, are responsible for most of the shock energy dissipation. Adopting a nonlinear DSA model for CR protons, it was shown that about 1/2 of the gas thermal energy dissipated at cosmological shocks through the history of the universe could be stored as CRs. In a recent study, Pfrommer et al. (2006) identi\ufb01ed shocks and analyzed the statistics in smoothed particle hydrodynamic (SPH) simulations of a \u039bCDM universe, and found that their results are in good agreement with those of Paper I. While internal shocks with lower Mach numbers are energetically dominant, external accretions shocks with higher Mach numbers can serve as possible acceleration sites for high energy cosmic rays (Kang et al. 1996, 1997; Ostrowski & Siemieniec-Ozieblo 2002). It was shown that CR ions could be accelerated up \f\u2013 4 \u2013 to \u223cZ \u00d7 1019eV at cosmological shocks, where Z is the charge of ions (Inoue et al. 2007). Ryu et al. (2007) (Paper II) analyzed the distribution of vorticity, which should have been generated mostly at cosmological shock waves, in the same simulation of a \u039bCDM universe as in Paper I, and studied its implication on turbulence and turbulence dynamo. Inside nonlinear structures, vorticity was found to be large enough that the turn-over time, which is de\ufb01ned as the inverse of vorticity, is shorter than the age of the universe. Based on it Ryu et al. (2007) argued that turbulence should have been developed in those structures and estimated the strength of the magnetic \ufb01eld grown by the turbulence. In this paper, we study cosmological shock waves in a new set of hydrodynamic simulations of large structure formation in a concordance \u039bCDM universe: an adiabatic (nonradiative) simulation which is similar to that considered in Paper I, and two additional simulations which include various non-gravitational processes (see the next section for details). As in Papers I and II, the properties of cosmological shock waves are analyzed, the energy dissipations to gas thermal energy and CR energy are evaluated, and the vorticity distribution is analyzed. We then compare the results for the three simulations to highlight the e\ufb00ects of non-gravitational processes on the properties of shocks and their roles on the cosmic plasmas in the large scale structure of the universe. Simulations are described in \u00a72. The main results of shock identi\ufb01cation and properties, energy dissipations, and vorticity distribution are described in \u00a73, \u00a74, and \u00a75, respectively. Summary and discussion are followed in \u00a76. 2. Simulations The results reported here are based on the simulations previously presented in Cen & Ostriker (2006). The simulations included radiative processes of heating/cooling, and the two simulations with and without galactic superwind (GSW) feedbacks were compared in that paper. Here an additional adiabatic (non-radiative) simulation with otherwise the same setup was performed. Hereafter these three simulations are referred as \u201cAdiabatic\u201d, \u201cNO GSW\u201d, and \u201cGSW\u201d simulations, respectively. Speci\ufb01cally, the WMAP1-normalized \u039bCDM cosmology was employed with the following parameters: \u2126b = 0.048, \u2126m = 0.31, \u2126\u039b = 0.69, h \u2261H0/(100 km/s/Mpc) = 0.69, \u03c38 = 0.89, and n = 0.97. A cubic box of comoving size 85 h\u22121Mpc was simulated using 10243 grid zones for gas and gravity and 5123 particles for dark matter. It allows a uniform spatial resolution of \u2206l = 83 h\u22121kpc. In Papers I and II, an adiabatic simulation in a cubic box of comoving size 100 h\u22121Mpc with 10243 grid zones and 5123 particles, employing slightly di\ufb00erent cosmological parameters, was used. The \f\u2013 5 \u2013 simulations were performed using a PM/Eulerian hydrodynamic cosmology code (Ryu et al. 1993). Detailed descriptions for input physical ingredients such as non-equilibrium ionization/cooling, photoionization/heating, star formation, and feedback processes can be found in earlier papers (Cen et al. 2003; Cen & Ostriker 2006). Feedbacks from star formation were treated in three forms: ionizing UV photons, GSWs, and metal enrichment. GSWs were meant to represent cumulative supernova explosions, and modeled as out\ufb02ows of several hundred km s\u22121. The input of GSW energy for a given amount of star formation was determined by matching the out\ufb02ow velocities computed for star-burst galaxies in the simulation with those observed in the real world (Pettini et al. 2002)(see also Cen & Ostriker 2006, for details). Figure 1 shows the gas mass distribution in the gas density-temperature plane, fm(\u03c1gas, T), and the gas mass fraction as a function of gas temperature, fm(T), at z = 0 for the three simulations. The distributions are quite di\ufb00erent, depending primarily on the inclusion of radiative cooling and photoionization/heating. GSW feedbacks increase the fraction of the WHIM with 105 < T < 107K, and at the same time a\ufb00ect the distribution of the warm/di\ufb00use gas with T < 105. 3. Properties of Cosmological Shock Waves We start to describe cosmological shocks by brie\ufb01ng the procedure by which the shocks were identi\ufb01ed in simulation data. The details can be found in Paper I. A zone was tagged as a shock zone currently experiencing shock dissipation, whenever the following three criteria are met: 1) the gradients of gas temperature and entropy have the same sign, 2) the local \ufb02ow is converging with \u20d7 \u2207\u00b7 \u20d7 v < 0, and 3) |\u2206log T| \u22650.11 corresponding to the temperature jump of a shock with M \u22651.3. Typically a shock is represented by a jump spread over 2 \u22123 tagged zones. Hence, a shock center was identi\ufb01ed within the tagged zones, where \u20d7 \u2207\u00b7\u20d7 v is minimum, and this center was labeled as part of a shock surface. The Mach number of the shock center, M, was calculated from the temperature jump across the entire shock zones. Finally to avoid confusion from complex \ufb02ow patterns and shock surface topologies associated with very weak shocks, only those portions of shock surfaces with M \u22651.5 were kept and used for the analysis of shocks properties. Figure 2 shows the locations of identi\ufb01ed shocks in a two-dimensional slice at z = 0 in the GSW simulation. The locations are color-coded according to shock speed. As shown before in Paper I, external accretion shocks encompass nonlinear structures and reveal, in addition \f\u2013 6 \u2013 to cluster complexes, rich topology of \ufb01lamentary and sheet-like structures in the large scale structure. Inside the nonlinear structures, there exist complex networks of internal shocks that form by infall of previously shocked gas to \ufb01laments and knots and during subclump mergers, as well as by chaotic \ufb02ow motions. The shock heated gas around clusters extends out to \u223c5 h\u22121Mpc, much further out than the observed X-ray emitting volume. In the GSW simulation, with several hundred km s\u22121 for out\ufb02ows, the GSW feedbacks a\ufb00ected most greatly the gas around groups of galaxies, while the impact on clusters with kT \u22731 keV was minimal. In Figure 3 we compare shock locations in a region around two groups with kT \u223c0.2 \u22120.3 keV in the three simulations. It demonstrates that GSW feedbacks pushed the hot gas out of groups with typical velocities of \u223c100 km s\u22121 (green points). In fact the prominent green balloons of shock surfaces around groups in Figure 2 are due to GSW feedbacks (see also Figure 4 of Cen & Ostriker 2006). In the left panels of Figure 4 we compare the surface area of identi\ufb01ed shocks, normalized by the volume of the simulation box, per logarithmic Mach number interval, dS(M)/d log M (top), and per logarithmic shock speed interval, dS(Vs)/d log Vs (bottom), at z = 0 in the three simulations. Here S and Vs are given in units of (h\u22121Mpc)\u22121 and km s\u22121. The quantity S provides a measure of shock frequency or the inverse of the mean comoving distance between shock surfaces. The distributions of dS(M)/d log M for the NO GSW and GSW simulations are similar, while that for the Adiabatic simulation is di\ufb00erent from the other two. This is mainly because the gas temperature outside nonlinear structures is lower without photoionization/heating in the Adiabatic simulation. As a result, external accretion shocks tend to have higher Mach number due to colder preshock gas. The distribution of dS(Vs)/d log Vs, on the other hand, is similar for all three simulations for Vs > 15 km s\u22121. For Vs < 15 km s\u22121, however, there are more shocks in the Adiabatic simulation (black points in Figure 3). Again this is because in the Adiabatic simulation the gas temperature is colder in void regions, and so even shocks with low speeds of Vs < 15 km s\u22121 were identi\ufb01ed in these regions. The GSW simulation shows slightly more shocks than the NO GSW simulation around Vs \u223c100 km s\u22121, because GSW feedbacks created balloon-shaped surfaces of shocks with typically those speeds (green points in Figure 3). For identi\ufb01ed shocks, we calculated the incident shock kinetic energy \ufb02ux, F\u03c6 = (1/2)\u03c11V 3 s , where \u03c11 is the preshock gas density. We then calculated the kinetic energy \ufb02ux through shock surfaces, normalized by the volume of the simulation box, per logarithmic Mach number interval, dF\u03c6(M)/d log M, and per logarithmic shock speed interval, dF\u03c6(Vs)/d log Vs. In the right panels of Figure 4, we compare the \ufb02ux at z = 0 in the three simulations. Once again, there are noticeable di\ufb00erences in dF\u03c6(M)/d log M between the Adiabatic simulation and the other two simulations, which can be interpreted as the result of ignoring photoion\f\u2013 7 \u2013 ization/heating in the gas outside nonlinear structures in the Adiabatic simulation. GSW feedbacks enhance only slightly the shock kinetic energy \ufb02ux for Vs \u223c100\u2212300 km s\u22121, as can be seen in the plot of dF\u03c6(Vs)/d log Vs. Yet, the total amount of the energy \ufb02ux is expected to be quite similar for all three simulations. This implies that the overall energy dissipation at cosmological shocks is governed mainly by the gravity of matter, and that the inclusion of various non-gravitational processes such as radiative cooling, photoionization/heating, and GSW feedbacks have rather minor, local e\ufb00ects. We note that a temperature \ufb02oor of T\ufb02oor = TCBR was used for the three simulations in this work, while T\ufb02oor = 104 K was set in paper I. It was because in Paper I only an adiabatic simulation was considered and the 104 K temperature \ufb02oor was enforced to mimic the e\ufb00ect of photoionization/heating on the IGM. However we found that when the same temperature \ufb02oor is enforced, the statistics of the current Adiabatic simulation agree excellently with those of Paper I. Speci\ufb01cally, the shock frequency and kinetic energy \ufb02ux, dS(M)/d log M and dF\u03c6(M)/d log M, for weak shocks with 1.5 \u2264M \u22723 are a bit higher in the current Adiabatic simulation, because of higher spatial resolution. But the total kinetic energy \ufb02ux through shock surfaces, F\u03c6(M > 1.5), agrees within a few percent. On the other hand, In Paper I we were able to reasonably distinguish external and internal shocks according to the preshock temperature, i.e., external shocks if T1 \u2264T\ufb02oor and internal shocks if T1 > T\ufb02oor. We no longer made such distinction in this work, since the preshock temperature alone cannot tell us whether the preshock gas is inside nonlinear structures or not in the simulations with radiative cooling. 4. Energy dissipation by Cosmological Shock Waves The CR injection and acceleration rates at shocks depend in general upon the shock Mach number, \ufb01eld obliquity angle, and the strength of the Alfv\u00b4 en turbulence responsible for scattering. At quasi-parallel shocks, in which the mean magnetic \ufb01eld is parallel to the shock normal direction, small anisotropy in the particle velocity distribution in the local \ufb02uid frame causes some particles in the high energy tail of the Maxwellian distribution to stream upstream (Giacalone et al. 1992). The streaming motions of the high energy particles against the background \ufb02uid generate strong MHD Alfv\u00b4 en waves upstream of the shock, which in turn scatter particles and amplify magnetic \ufb01elds (Bell 1978; Lucek & Bell 2000). The scattered particles can then be accelerated further to higher energies via Fermi \ufb01rst order process (Malkov & Drury 2001). These processes, i.e., leakage of suprathermal particles into CRs, self-excitation of Alfv\u00b4 en waves, ampli\ufb01cation of magnetic \ufb01elds, and further acceleration of CRs, are all integral parts of collisionless shock formation in astrophysical plasmas. It \f\u2013 8 \u2013 was shown that at strong quasi-parallel shocks, 10\u22124 \u221210\u22123 of the incoming particles can be injected into the CR population, up to 60% of the shock kinetic energy can be transferred into CR ions, and at the same time substantial nonlinear feedbacks are exerted to the underlying \ufb02ow (Berezhko et al. 1995; Kang & Jones 2005). At perpendicular shocks with weakly perturbed magnetic \ufb01elds, on the other hand, particles gain energy mainly by drifting along the shock surface in the \u20d7 v \u00d7 \u20d7 B electric \ufb01eld. Such drift acceleration can be much more e\ufb03cient than the acceleration at parallel shocks (Jokipii 1987; Kang et al. 1997; Ostrowski & Siemieniec-Ozieblo 2002). But the particle injection into the acceleration process is expected to be ine\ufb03cient at perpendicular shocks, since the transport of particles normal to the average \ufb01eld direction is suppressed (Ellison et al. 1995). However, Giacalone (2005) showed that the injection problem at perpendicular shocks can be alleviated substantially in the presence of fully turbulent \ufb01elds owing to \ufb01eld line meandering. As in Paper I, the gas thermalization and CR acceleration e\ufb03ciencies are de\ufb01ned as \u03b4(M) \u2261Fth/F\u03c6 and \u03b7(M) \u2261FCR/F\u03c6, respectively, where Fth is the thermal energy \ufb02ux generated and FCR is the CR energy \ufb02ux accelerated at shocks. We note that for gasdynamical shocks without CRs, the gas thermalization e\ufb03ciency can be calculated from the Rankine-Hugoniot jump condition, as follows: \u03b40(M) = \u0014 eth,2 \u2212eth,1 \u0012\u03c12 \u03c11 \u0013\u03b3\u0015 v2 \u001e \u00121 2\u03c11v2 1 \u0013 , (1) where the subscripts 1 and 2 stand for preshock and postshock regions, respectively. The second term inside the brackets subtracts the e\ufb00ect of adiabatic compression occurred at a shock too, not just the thermal energy \ufb02ux entering the shock, namely, eth,1v1. At CR modi\ufb01ed shocks, however, the gas thermalization e\ufb03ciency can be much smaller than \u03b40(M) for strong shocks with large M, since a signi\ufb01cant fraction of the shock kinetic energy can be transferred to CRs. The gas thermalization and CR acceleration e\ufb03ciencies were estimated using the results of DSA simulations of quasi-parallel shocks with Bohm di\ufb00usion coe\ufb03cient, self-consistent treatments of thermal leakage injection, and Alfv\u00b4 en wave propagation (Kang & Jones 2007). The simulations were started with purely gasdynamical shocks in one-dimensional, plane-parallel geometry, and CR acceleration was followed by solving the di\ufb00usion-convection equation explicitly with very high resolution. Shocks with Vs = 150 \u22124500 km s\u22121 propagating into media of T1 = 104 \u2212106 K were considered. After a quick initial adjustment, the postshock states reach time asymptotic values and the CR modi\ufb01ed shocks evolve in an approximately self-similar way with the shock structure broadening linearly with time (refer Kang & Jones 2007, for details). Given this self-similar nature of CR modi\ufb01ed shocks, we calculated time asymptotic values of \u03b4(M) and \u03b7(M) as the ratios of increases in the gas thermal and CR energies at shocks to the kinetic energy \f\u2013 9 \u2013 passed through the shocks at the termination time of the DSA simulations. As in Eq. (1), the increase of energies due to adiabatic compression was subtracted. Figure 5 shows \u03b4(M) and \u03b7(M) estimated from DSA simulations and their \ufb01ttings for the cases with and without a preexisting CR component. The \ufb01tting formulae are given in Appendix A. Without a preexisting CR component, gas thermalization is more e\ufb03cient than CR acceleration at shocks with M \u22725. However, it is likely that weak internal shocks propagate through the IGM that contains CRs accelerated previously at earlier shocks. In that case, shocks with preexisting CRs need to be considered. Since the presence of preexisting CRs is equivalent to a higher injection rate, CR acceleration is more e\ufb03cient in that case, especially at shocks with M \u22725 (Kang & Jones 2003). In the bottom panel the e\ufb03ciencies for shocks with PCR/Pg \u223c0.3 in the preshock region are shown. For comparison, \u03b40(M) for shocks without CRs is also drawn. Both \u03b4(M) and \u03b7(M) increase with Mach number, but \u03b7(M) asymptotes to \u223c0.55 while \u03b4(M) to \u223c0.30 for strong shocks with M \u227330. So about twice more energy goes into CRs, compared to for gas heating, at strong shocks. The e\ufb03ciencies for the case without a preexisting CR component in the upper panel of Figure 5 can be directly compared with the same quantities presented in Figure 6 of Paper I. In Paper I, however, the gas thermalization e\ufb03ciency was not calculated explicitly from DSA simulations, and hence \u03b40(M) for gasdynamic shocks was used. It represents gas thermalization reasonably well for weak shocks with M \u22722.5, but overestimates gas thermalization for stronger CR modi\ufb01ed shocks. Our new estimate for \u03b7(M) is close to that in Paper I, but a bit smaller, especially for shocks with M \u227230. This is because inclusion of Alfv\u00b4 en wave drift and dissipation in the shock precursor reduces the e\ufb00ective velocity change experienced by CRs in the new DSA simulations of Kang & Jones (2007). A note of caution for \u03b7(M) should be in order. As outlined above, CR injection is less e\ufb03cient and so the CR acceleration e\ufb03ciency would be lower at perpendicular shocks, compared to at quasi-parallel shocks. CR injection and acceleration at oblique shocks are not well understood quantitatively. And the magnetic \ufb01eld directions at cosmological shocks are not known. Considering these and other uncertainties involved in the adopted DSA model, we did not attempt to make further improvements in estimating \u03b4(M) and \u03b7(M) at general oblique shocks. But we expect that an estimate at realistic shocks with chaotic magnetic \ufb01elds and random shock obliquity angles would give reduced values, rather than increased values, for \u03b7(M). So \u03b7(M) given in Figure 5 may be regarded as upper limits. By adopting the e\ufb03ciencies in Figures 5, we calculated the thermal and CR energy \ufb02uxes dissipated at cosmological shocks, dFth(M)/d log M, dFth(Vs)/d log Vs, dFCR(M)/d log M and dFCR(Vs)/d log Vs, using Fth = F\u03c6\u03b4(M) and FCR = F\u03c6\u03b7(M), in the same way we \f\u2013 10 \u2013 calculated dF\u03c6(M)/d log M and dF\u03c6(Vs)/d log Vs in the previous section. We then integrated from z = 5 to z = 0 the shock kinetic energy passed and the thermal and CR energies dissipated through shock surfaces as follows: dYi(X) d log X = 1 Eth,0 Z z=0 z=5 dFi[X, z(t)] d log X dt, (2) where the subscript i \u2261\u03c6, th, or CR stands for the kinetic, thermal, or CR energies \ufb02uxes, the variable X is either M or Vs, and Eth,0 is the total gas thermal energy at z = 0 inside the simulation box normalized by its volume. Figure 6 shows the resulting dYi(M)/d log M and dYi(Vs)/d log Vs and their cumulative distributions, Yi(> M) and Yi(> Vs), for the GSW simulation. Weak shocks with M \u22724 or fast shocks with Vs \u2273500 km s\u22121 are responsible most for shock dissipations, as already noted in Paper I. While the thermal energy generation peaks at shocks in the range 1.5 \u2272M \u22723, the CR energy peaks in the range 2, 5 \u2272M \u22724 if no preexisting CRs are included or in the range 1.5 \u2272M \u22723 if preexisting CRs of PCR/Pg \u223c0.3 in the preshock region are included. With our adopted e\ufb03ciencies, the total CR energy accelerated and the total gas thermal energy dissipated at cosmological shocks throughout the history of the universe are compared as YCR(M \u22651.5) \u223c0.5Yth(M \u22651.5), when no preexisting CRs are present. With preexisting CRs in the preshock region, the CR acceleration becomes more e\ufb03cient, so YCR(M \u22651.5) \u223c1.7Yth(M \u22651.5), i.e., the total CR energy accelerated at cosmological shocks is estimated to be 1.7 times the total gas thermal energy dissipated. We note here again that these are not meant to be very accurate estimates of the CR energy in the IGM, considering the di\ufb03culty of modeling shocks as well as the uncertainties in the DSA model itself. However, they imply that the IGM and the WHIM, which are bounded by strong external shocks with high M and \ufb01lled with weak internal shocks with low M, could contain a dynamically signi\ufb01cant CR population. 5. Vorticity Generation at Cosmological Shock Waves Cosmological shocks formed in the large scale structure of the universe are by nature curved shocks, accompanying complex, often chaotic \ufb02ow patterns. It is well known that vorticity, \u20d7 \u03c9 = \u2207\u00d7\u20d7 v, is generated at such curved oblique shocks (Binney 1974; Davies & Widrow 2000). In Paper II, the generation of vorticity behind cosmological shocks and turbulence dynamo of magnetic \ufb01elds in the IGM were studied in an adiabatic \u039bCDM simulation. In this study we analyzed the distribution of vorticity in the three simulations to assess quantitatively the e\ufb00ects of non-gravitational processes. Here we present the magnitude of vorticity \f\u2013 11 \u2013 with the vorticity parameter \u03c4(\u20d7 r, z) \u2261tage(z)\u03c9(\u20d7 r, z) = tage(z) teddy(\u20d7 r, z), (3) where tage(z) is the age of the universe at redshift z. With teddy = 1/\u03c9 interpreted as local eddy turnover time, \u03c4 represents the number of local eddy turnovers in the age of the universe. So if \u03c4 \u226b1, we expect that turbulence has been fully developed after many turnovers. Figure 7 shows \ufb02uid quantities and shock locations in a two-dimensional slice of (21.25 h\u22121Mpc)2, delineated by a solid box in Figure 2, at z = 0 in the GSW simulations. The region contains two clusters with kT \u223c1 \u22122 keV in the process of merging. Bottom right panel shows that vorticity increases sharply at shocks. The postshock gas has a larger amount of vorticity than the preshock gas, indicating that most, if not all, of the vorticity in the simulation was produced at shocks. Figure 8 shows the gas mass distribution in the gas density-vorticity parameter plane, fm(\u03c1gas, \u03c4), (upper panel) and the gas mass fraction per logarithmic \u03c4 interval, d fm(\u03c4)/d log \u03c4, (bottom panel) for the three simulations. The most noticeable point in the upper panel is that vorticity is higher at the highest density regions with \u02dc \u03c1 \u2261\u03c1gas/\u27e8\u03c1gas\u27e9\u2273103 in the NO GSW and GSW simulations than in the Adiabatic simulation. This is due to the additional \ufb02ow motions induced by cooling. Inclusion of GSW feedbacks, on the other hand, does not alter signi\ufb01cantly the overall distribution in the gas density-vorticity parameter plane. The bottom panel indicates that cooling increased the mass fraction with large vorticity \u03c4 \u227310, while reduced the mass fraction with 1 \u2272\u03c4 \u227210. GSW feedbacks increased slightly the mass fraction with 1 \u2272\u03c4 \u227210, which corresponds to the gas in the regions outskirts of groups that expand further out due to GSWs (i.e., balloons around groups). But overall we conclude that the non-gravitational processes considered in this paper have limited e\ufb00ects on vorticity in the large scale structure of the universe. We note that the highest density regions in the NO GSW and GSW simulations have \u03c4 \u223c30 on average. As described in details in Paper II, such values of \u03c4 imply that local eddies have turned over many times in the age of the universe, so that the ICM gas there has had enough time to develop magnetohydrodynamic (MHD) turbulence. So in those regions, magnetic \ufb01elds should have grown to have the energy approaching to the turbulent energy. On the other hand, the gas with 1 \u2272\u02dc \u03c1 \u2272103, mostly in \ufb01lamentary and sheet-like structures, has 0.1 \u2272\u03c4 \u227210. MHD turbulence should not have been fully developed there and turbulence growth of magnetic \ufb01elds would be small. Finally in the low density void regions with \u02dc \u03c1 \u22721, vorticity is negligible with \u03c4 \u22720.1 on average, as expected. \f\u2013 12 \u2013 6. Summary We identi\ufb01ed cosmological shock waves and studied their roles on cosmic plasmas in three cosmological N-body/hydrodynamic simulations for a concordance \u039bCDM universe in a cubic box of comoving size 85 h\u22121Mpc: 1) adiabatic simulation (Adiabatic), 2) simulation with radiative cooling and photoionization/heating (NO GSW), and 3) same as the second simulation but also with galactic superwind feedbacks (GSW). The statistics and energetics of shocks in the adiabatic simulation are in an excellent agreement with those of Paper I where an adiabatic simulation with slightly di\ufb00erent cosmological parameters in a cubic box of comoving size 100 h\u22121Mpc was analyzed. Photoionization/heating raised the gas temperature outside nonlinear structures in the NO GSW and GSW simulations. As a result, the number of identi\ufb01ed shocks and their Mach numbers in the NO GSW and GSW simulations were di\ufb00erent from those in the Adiabatic simulation. GSW feedbacks pushed out gas most noticeably around groups, creating balloon-shaped surfaces of shocks with speed Vs \u223c100 km s\u22121 in the GSW simulation. However, those have minor e\ufb00ects on shock energetics. The total kinetic energy passed through shock surfaces throughout the history of the universe is very similar for all three simulations. So we conclude that the energetics of cosmological shocks was governed mostly by the gravity of matter, and the e\ufb00ects non-gravitational processes, such as radiative cooling, photoionization/heating, and GSW feedbacks, were rather minor and local. We estimated both the improved gas thermalization e\ufb03ciency, \u03b4(M), and CR acceleration e\ufb03ciency, \u03b7(M), as a function shock Mach number, from nonlinear di\ufb00usive shock simulations for quasi-parallel shocks that assumed Bohm di\ufb00usion for CR protons and incorporated self-consistent treatments of thermal leakage injection and Alfv\u00b4 en wave propagation (Kang & Jones 2007). The cases without and with a preexisting CR component of PCR/Pg \u223c0.3 in the preshock region were considered. At strong shocks, both the injection and acceleration of CRs are very e\ufb03cient, and so the presence of a preexisting CR component is not important. At shocks with with M \u227330, about 55 % of the shock kinetic energy goes into CRs, while about 30 % becomes the thermal energy. At weak shocks, on the other hand, without a preexisting CR component, the gas thermalization is more e\ufb03cient than the CR acceleration. But the presence of a preexisting CR component is critical at weak shocks, since it is equivalent to a higher injection rate and the CR acceleration becomes more e\ufb03cient with it. As a result, \u03b7(M) is higher than \u03b4(M) even at shocks with M \u22725. However, at perpendicular shocks, the CR injection is suppressed, and so the CR acceleration could be less e\ufb03cient than at parallel shocks. Thus our CR shock acceleration e\ufb03ciency should be regarded as an upper limit. With the adopted e\ufb03ciencies, the total CR energy accelerated at cosmological shocks \f\u2013 13 \u2013 throughout the history of the universe is estimated to be YCR(M \u22651.5) \u223c0.5 Yth(M \u22651.5), i.e., 1/2 of the total gas thermal energy dissipated, when no preexisting CRs are present. With a preexisting CR component of PCR/Pg \u223c0.3 in the preshock region, YCR(M \u22651.5) \u223c 1.7 Yth(M \u22651.5), i.e., the total CR energy accelerated is estimate to be 1.7 times the total gas thermal energy dissipated. Although these are not meant to be very accurate estimates of the CR energy in the ICM, they imply that the ICM could contain a dynamically signi\ufb01cant CR population. We also examined the distribution of vorticity inside the simulation box, which should have been generated mostly at curved cosmological shocks. In the ICM, the eddy turn-over time, teddy = 1/\u03c9, is about 1/30 of the age of the universe, i.e., \u03c4 \u2261tage/teddy \u223c30. In \ufb01lamentary and sheet-like structures, \u03c4 \u223c0.1 \u221210, while \u03c4 \u22720.1 in void regions. Radiative cooling increased the fraction of gas mass with large vorticity \u03c4 \u227310, while reduced the mass fraction with 1 \u2272\u03c4 \u227210. GSW feedbacks increased slightly the mass fraction with 1 \u2272\u03c4 \u227210. Although the e\ufb00ects of these non-gravitation e\ufb00ects are not negligible, the overall distribution of vorticity are similar for the three simulations. So we conclude that the non-gravitational processes considered in this paper do not a\ufb00ect signi\ufb01cantly the vorticity in the large scale structure of the universe. HK was supported in part by KOSEF through Astrophysical Research Center for the Structure and Evolution of Cosmos (ARCSEC). DR was supported in part by a Korea Research Foundation grant (KRF-2004-015-C00213). RC was supported in part by NASA grant NNG05GK10G and NSF grant AST-0507521. The work of HK and DR was also supported in part by Korea Foundation for International Cooperation of Science & Technology (KICOS) through the Cavendish-KAIST Research Cooperation Center. A. Fitting Formulae for \u03b4(M) and \u03b7(M) The gas thermalization e\ufb03ciency, \u03b4(M), and the CR acceleration e\ufb03ciency, \u03b7(M), for the case without a preexisting CR component (in upper panel of Figure 5) are \ufb01tted as follows: for M \u22642 \u03b4(M) = 0.92 \u03b40 (A1) \u03b7(M) = 1.96 \u00d7 10\u22123(M2 \u22121) (A2) for M > 2 \u03b4(M) = 4 X n=0 an (M \u22121)n M4 (A3) \f\u2013 14 \u2013 a0 = \u22124.25, a1 = 6.42, a2 = \u22121.34, a3 = 1.26, a4 = 0.275 (A4) \u03b7(M) = 4 X n=0 bn (M \u22121)n M4 (A5) b0 = 5.46, b1 = \u22129.78, b2 = 4.17, b3 = \u22120.334, b4 = 0.570 (A6) The e\ufb03ciencies for the case with a preexisting CR component (in bottom panel of Figure 5) are \ufb01tted as follows: for M \u22641.5 \u03b4(M) = 0.90 \u03b40 (A7) \u03b7(M) = 1.025 \u03b40 (A8) for M > 1.5 \u03b4(M) = 4 X n=0 an (M \u22121)n M4 (A9) a0 = \u22120.287, a1 = 0.837, a2 = \u22120.0467, a3 = 0.713, a4 = 0.289 (A10) \u03b7(M) = 4 X n=0 bn (M \u22121)n M4 (A11) b0 = 0.240, b1 = \u22121.56, b2 = 2.80, b3 = 0.512, b4 = 0.557 (A12) Here \u03b40(M) is the gas thermalization e\ufb03ciency at shocks without CRs, which was calculated from the Rankine-Hugoniot jump condition, (black solid line in Figure 5): \u03b40(M) = 2 \u03b3(\u03b3 \u22121)M2R \u00142\u03b3M2 \u2212(\u03b3 \u22121) (\u03b3 + 1) \u2212R\u03b3 \u0015 (A13) R \u2261\u03c12 \u03c11 = \u03b3 + 1 \u03b3 \u22121 + 2/M2 (A14)"
+ }
+ ],
+ "Soohyun Kim": [
+ {
+ "url": "http://arxiv.org/abs/2304.04960v1",
+ "title": "Panoramic Image-to-Image Translation",
+ "abstract": "In this paper, we tackle the challenging task of Panoramic Image-to-Image\ntranslation (Pano-I2I) for the first time. This task is difficult due to the\ngeometric distortion of panoramic images and the lack of a panoramic image\ndataset with diverse conditions, like weather or time. To address these\nchallenges, we propose a panoramic distortion-aware I2I model that preserves\nthe structure of the panoramic images while consistently translating their\nglobal style referenced from a pinhole image. To mitigate the distortion issue\nin naive 360 panorama translation, we adopt spherical positional embedding to\nour transformer encoders, introduce a distortion-free discriminator, and apply\nsphere-based rotation for augmentation and its ensemble. We also design a\ncontent encoder and a style encoder to be deformation-aware to deal with a\nlarge domain gap between panoramas and pinhole images, enabling us to work on\ndiverse conditions of pinhole images. In addition, considering the large\ndiscrepancy between panoramas and pinhole images, our framework decouples the\nlearning procedure of the panoramic reconstruction stage from the translation\nstage. We show distinct improvements over existing I2I models in translating\nthe StreetLearn dataset in the daytime into diverse conditions. The code will\nbe publicly available online for our community.",
+ "authors": "Soohyun Kim, Junho Kim, Taekyung Kim, Hwan Heo, Seungryong Kim, Jiyoung Lee, Jin-Hwa Kim",
+ "published": "2023-04-11",
+ "updated": "2023-04-11",
+ "primary_cat": "cs.CV",
+ "cats": [
+ "cs.CV"
+ ],
+ "main_content": "Introduction Image-to-image translation (I2I) aims to modify an input image aligning with the style of the target domain, preserving the original content from the source domain. This paradigm enables numerous applications, such as colorization, style transfer, domain adaptation, data augmentation, etc. [16, 34, 39, 17, 19]. However, existing I2I has been used to synthesize pinhole images with narrow \ufb01eld-ofview (FoV), which limits the scope of applications considering diverse image-capturing devices. *Corresponding authors Pinhole Image Panorama Panoramic Image-to-Image Translation Translated Panorama Geometric Gap Style Difference Day Night \uacb0\uacfc \uad50\uccb4\ud574\uc8fc\uc138\uc694 Figure 1. Illustration of our problem formulation. Our PanoI2I is trained on panoramas in the daytime as the source domain and pinhole images with diverse conditions as the target domain, where the two domains have signi\ufb01cant geometric and style gaps. Panoramic 360\u00b0 cameras have recently grown in popularity, which enables many applications, e.g., AR/VR, autonomous driving, and city map modeling [36, 1, 3, 59]. Unlike pinhole images of narrow FoV, panoramic images (brie\ufb02y, panoramas) capture the entire surroundings, providing richer information with 360\u00b0\u00d7180\u00b0 FoV. Translating panoramas into other styles can enable novel applications, such as immersive view generations or enriching user experiences with robust car-surrounding recognition [10, 55, 56, 33]. However, naively applying conventional I2I methods for pinhole images [41, 47, 7, 8, 63, 20, 26] to panoramas can signi\ufb01cantly distort the geometric properties of panoramas as shown in Fig. 1. One may project the panoramic image into pinhole images to apply the conventional methods. However, it costs a considerable amount of computation since sparse projections cannot cover the whole scene due to the narrow FoV of pinhole images. In addition, the discontinuity problem at edges (left-right boundaries in panorama) requires panorama-speci\ufb01c modeling, as in the other tasks, 1 arXiv:2304.04960v1 [cs.CV] 11 Apr 2023 \fe.g., panorama depth estimation, panoramic segmentation, and panorama synthesis [48, 62, 4]. Another challenge of panoramic image-to-image translation is the absence of suf\ufb01cient panorama datasets. Compared to the pinhole images, panoramic images are captured by a specially-designed camera (360\u00b0 camera) or postprocessed using multi-view images obtained from the calibrated cameras. Especially for I2I, panoramas obtained under diverse conditions such as sunny, rainy, and night are needed to de\ufb01ne the target or style domain. Notice that panoramic images for the Street View service are mainly taken during the day [37]. Instead of constructing a new panorama dataset that is costly to obtain, it would be highly desirable if we could leverage existing pinhole image datasets with various conditions as style guidance. In summary, there are several challenges to translating panoramas into another condition: 1) the geometric deformation due to the wide FoV of panoramas, 2) distortion and discontinuity problems arising when existing methods are directly applied, and 3) the lack of panoramic image datasets with diverse conditions. We present typical failure cases of existing approaches [63] in Fig. 2. Based on the above analysis, we seek to expand the applicability of I2I to panoramic images by employing existing pinhole image datasets as style domain, dubbed the Panoramic Image-toImage Translation, shortly, Pano-I2I. To address geometric deformation in panoramas, we adopt deformable convolutions [65] to our encoders, with different offsets for panoramas and pinhole images to re\ufb02ect the geometric differences between the source and target. To handle the large domain gap between the source and target domain, we propose a distortion-free discrimination that attenuates the effects of the geometric differences. In addition, we adopt panoramic rotation augmentation techniques to solve discontinuity problems at edges, considering that a 360\u00b0 panorama should be continuous at boundaries. Moreover, we propose a two-stage learning framework for stable training since learning with panorama and pinhole images simultaneously might increase the problem\u2019s complexity. Along with the Stage-I that \ufb01rst performs \ufb01ne-tuning on panoramas, the Stage-II learns how to translate the panoramas attaining styles from pinhole images. We validate the proposed approach by evaluating the panorama dataset, StreetLearn [37], and day-and-night and weather conditions of the pinhole datasets [47, 46]. Our proposed method signi\ufb01cantly outperforms all existing methods across various target conditions from the pinhole datasets. We also provide ablation studies to validate and analyze the components in Pano-I2I. In summary, our main contributions are: \u2022 For the \ufb01rst time, to the best of our knowledge, we propose the panoramic I2I task and approach translating panoramas with pinhole images as a target domain. Panoramic Source Output (FSeSim) Output (Ours) Rotated Output (FSeSim) Rotated Output (Ours) Figure 2. Typical failure cases of an existing method (FSeSim [63]) for the panoramic image-to-image translation task. The generated image from FSeSim [63] shows the collapsed result having a pinhole-like structure (blue box), as it over\ufb01ts the pinhole target. Additionally, it has structuraland style-discontinuity in the edges (green box). In contrast, our method generates high-quality panoramic images, achieving a rotation-equivariant structure at the edges. We visualize rotated outputs (\u03b8 = 180\u00b0) to highlight the discontinuity. \u2022 We present distortion-free discrimination to deal with a large geometric gap between the source and the target. \u2022 Our spherical positional embedding and sphere-based rotation augmentation ef\ufb01ciently handle the geometric deformation and structuraland style-discontinuity at the edges of panoramas. \u2022 Pano-I2I notably outperforms the previous methods in the quantitative evaluations for style relevance and structural similarity, providing qualitative analyses. 2. Related work Image-to-image translation. Different from early works requiring paired dataset [19], the seminal works [64] enabled unpaired source/target training (i.e., learning without the ground-truth of the translated image). Some works enable multimodal learning [18, 28, 29], multi-domain learning [7, 8, 54] for diverse translations from unpaired data, and instance-aware learning [47, 2, 20, 26] in complex scenes. Nevertheless, existing I2I methods are restrictive to speci\ufb01c source-target pairs; they are limited to handling geometric variations (e.g., part deformation, viewpoint, and scale) between the source domain and the target domain. Our approach introduces a robust framework to an unpaired 2 \fsetting, even with geometric differences. Also, the abovementioned methods may fail to obtain rotational equivalence for panorama I2I. On the other hand, several works have adopted the architecture of vision transformers [11] to image generation [30, 23, 61]. Being capable of learning long-range interactions, the transformer is often employed for high-resolution image generation [12, 61], or complex scene generation [52, 26]. For instance, InstaFormer [26] proposed to use transformer-based networks for I2I, capturing global consensus in complex street-view scenes. Panoramic image modeling. Panoramic images from 360\u00b0 cameras provide a thorough view of the scene with a wide FoV, bene\ufb01cial in understanding the scene holistically. A common practice to address distortions in panoramas is to project an image into other formats of 360\u00b0 images (e.g., equirectangular, cubemap) [5, 51, 57], and some works even combine both equirectangular and cubemap projections with improving performance [21, 50]. However, they do not consider the properties of 360\u00b0 images, such as the connection between the edges of the images and the geometric distortion caused by the projection. Several works leverage narrow FoV projected images [31, 58, 10], but they require many projected images (e.g., 81 images [31]), which is an additional burden. To deal with such discontinuity and distortion, recent works introduce modeling in spherical domain [13, 9], projecting an image to local tangent patches with minimal geometric error. It is proved that leveraging transformer architecture in 360\u00b0 image modeling reduces distortions caused by projection and rotation [6]. For this reason, recent approaches [44, 45] including PAVER [60], PanoFormer [48], and Text2Light [4] used the transformer achieving global structural consistency. 3. Methodology 3.1. Problem de\ufb01nition In our setting, we use the panoramic domain as a source that forms content structures and the pinhole domain as a target style. More formally, given a panorama of the source domain X, Pano-I2I aims to learn a mapping function that translates its style into target pinhole domain Y retaining the content and structure of the panorama. Unlike the general I2I methods [64, 41, 7, 8, 63] that have selected source and target domains both in a narrow FoV condition, our setting varies both in style and structure: the source domain as panoramas with wide FoV, captured in the daytime and the target domain as pinhole images in diverse conditions with narrow FoV. In this setting, existing state-of-the-art I2I methods [64, 41, 42, 22, 8, 32, 63, 20, 26] designed for pinhole images may fail to preserve the panoramic structure of the content, since their existing feature disentanglement methods cannot separate style from the target content because there exist both geometric and style differences between the source and the target domains. We empirically observed that 1) the outputs of the existing I2I method result in pinhole-like images, as shown in Fig. 2, and 2) pinhole image-based network design that does not consider the spherical structure of 360\u00b0 causes discontinuity at left-right boundaries and low visual \ufb01delity. 3.2. Architecture design Overall architecture. On a high level, the proposed method consists of a shared content encoder Ec, a shared style encoder Es to estimate the disentangled representation, a transformer encoder T to mix the style and content through AdaIN [17] layers, and a uni\ufb01ed generator G and discriminator D to generate the translated image. Our transformer encoder block consists of a multi-head self-attention layer and a feed-forward MLP with GELU [49]. In speci\ufb01c, to translate an image x in source domain X to target domain Y, we \ufb01rst extract a content feature map cx \u2208Rh\u00d7w\u00d7lc by the content encoder from x, with height h, width w, and lc content channels, and receive a random latent code s \u2208R1\u00d71\u00d7ls from Gaussian distribution N(0, I) \u2208Rls, which is used to control the style of the output with the af\ufb01ne parameters for AdaIN [17] layers in transformer encoders. Finally, we get the output image by \u02c6 y = G(T (cx, s)). In the following, we will explain our key ingredients \u2013 panoramic modeling in the content encoder, style encoder and the transformer, distortion-free discrimination, and sphere-based rotation augmentation and its ensemble \u2013 in detail. Panoramic modeling in encoders. In Pano-I2I, latent spaces are shared to embed domain-invariant content or style features as done in [28]. Namely, the content and style encoders, Ec and Es, respectively, take either panoramas or pinhole images as inputs. However, the geometric distortion gap from the different FoVs prevents the encoders from understanding each corresponding structural information. To overcome this, motivated from [48, 60], we use the specially-designed deformable convolution layer [65] at the beginning of the content and style encoders by adjusting the offset re\ufb02ecting the characteristics of the image types. Speci\ufb01cally, given a panorama, the deformable convolution layer can be applied directly to the panorama by deriving an equirectangular plane (ERP) offset [60], \u0398ERP, that considers the panoramic geometry. To this end, we project a tangential local patch P of a 3D-Cartesian domain into ERP to obtain the corresponding ERP offset, \u0398ERP, as follows: \u0398ERP(\u03b8, \u03c6) = fSPH\u2192ERP(f3D\u2192SPH( P \u00d7 R(\u03b8, \u03c6) ||P \u00d7 R(\u03b8, \u03c6)||2 )), (1) where R(\u03b8, \u03c6) indicates the rotation matrix with the longitude \u03b8 \u2208[0, 2\u03c0] and latitude \u03c6 \u2208[0, \u03c0], fSPH\u2192ERP indicates the conversion function from spherical domain to ERP domain, and f3D\u2192SPH indicates the conversion function from 3 \fx x\u2032\ufffc cx \u03b8 \u2295 Spherical PE MLP Style or\u2028 Gaussian noise AdaIN \u0302 y(0) \u0302 y(1) \u2211 \u03b1 1-\u03b1 -\u03b8 \u2295 PE MLP Style AdaIN cy y Pinhole Target Panoramic Source Panoramic Augment NCE sy y\u2032\ufffc GAN \u0302 y sx recon img recon style Stage I Stage II cont ( \u0302 y) (sy, \u0302 y) (y, y\u2032\ufffc ) s w/ w/ Differentiable \u2028 Projection to \u2028 Pinhole df-GAN or Figure 3. Overall network con\ufb01guration of Pano-I2I, consisting of content and style encoders, transformer, generator, and discriminator. Given panoramas as the source domain, we disentangle the content and translate its style aligned to the target domain. For training, pinhole datasets are used as targets referring to styles. Panoramic augmentation and ensemble are also introduced to preserve the spherical structure of panoramas. In our framework, Stage I only learns to reconstruct the panorama source, and panorama translation is learned in Stage II. 3D-Cartesian domain to spherical domain, as in [60]. To be detailed, we \ufb01rst project the tangential local patch P to the corresponding spherical patch on a unit sphere S2, aligning the patch center to (\u03b8, \u03c6) \u2208S2. Notice that the number of P is H \u00d7 W with the stride of 1 and proper paddings, while the center of P corresponds to the kernel center. Then, we obtain the relative spherical coordinates from the center point and all discrete locations in P. Finally, these positions are projected to the ERP domain, represented as offset points. We compute such 2D-offset points \u0398ERP \u2208R2\u00d7H\u00d7W \u00d7kerh\u00d7kerw for each kernel location, and \ufb01xed to use them throughout training and test phase. Unlike basic convolution, which has a square receptive \ufb01eld having limited capability to deal with geometric distortions in panoramas, our deformable convolution with \ufb01xed offsets can encode panoramic structure. We carefully clarify the objective of using deformable convolution is different from PAVER [60], which exploits the pinhole-based pretrained model for panoramic modeling. In contrast, PanoI2I aims to learn both pinhole images and panorama in the shared networks simultaneously. For pinhole image encoding, \u0398ERP is replaced to zero-offset \u0398\u2205in both content and style encoders, which are vanilla convolutions. Panoramic modeling in the transformer. After extracting the content features from the source image, we \ufb01rst patchify the content features to be processed through transformer blocks, then add positional embedding (PE) [49, 43]. We represent the center coordinates of the previous patchi\ufb01ed grids as (ip, jp) corresponding to the p-th patch having the width w and the height h. As two kinds of inputs {x, y} \u2014 panorama, pinhole image, for each\u2014 have different structural properties, we adopt the sinusoidal PE in two ways: using 2D PE and spherical PE (SPE), respectively. To start with, we de\ufb01ne the absolute PE in transformer [49] as \u03b3(\u00b7), a sinusoidal mapping into R2K as \u03b3(a) = {(sin(2k\u22121\u03c0a), cos(2k\u22121\u03c0a))|k = 1, ..., K} (2) for an input scalar a. Based on this, we de\ufb01ne the 2D PE for common pinhole images as follows: PE = concat(\u03b3(ip), \u03b3(jp)). (3) Following the previous work [4], we consider the 360\u00b0 spherical structure of panorama presenting a spherical positional embedding for the center position (ip,jp) of each grid de\ufb01ned as follows, further added to the patch embedded tokens to work as explicit guidance: SPE = concat(\u03b3(\u03b8), \u03b3(\u03c6)), where \u03b8 = (2ip/h \u22121)\u03c0, \u03c6 = (2jp/w \u22121)\u03c0/2. (4) Since SPE explicitly provides cyclic spatial guidance and the relative spatial relationship between the tokens, it helps to maintain rotational equivariance for the panorama by encouraging structural continuity at boundaries in an 360\u00b0 input. On the other hand, the previous spherical modeling methods used the standard learnable PE [60, 62] or limited to employ SPE as a condition for implicit guidance [4], which does not provide token-wise spatial information. This positional embedding is added to patchembedded tokens and further processed into transformer encoders with AdaIN. 4 \fDistortion-free discrimination. Contrary to the domain setting in traditional I2I methods that have only differences in style, our source and target domains exhibit two distinct features: geometric structure and style. As shown in the blue box in Fig. 2, directly applying the existing I2I method for panoramic I2I guided by pinhole images brings severe structural collapse blocking artifacts, severely affecting the synthesizing quality. We speculate that this problem, which has not been explored before, breaks the discriminator and causes structural collapse. Concretely, while the discriminator in I2I typically learns to distinguish real data y and fake data \u02c6 y, mainly focusing on style difference, in our task, there is an additional large deformation gap and FoV difference between y and \u02c6 y that confuses what to discriminate. To address this issue, we present a distortion-free discrimination technique. The key idea is to transform a randomly selected region of a panorama into a pinhole image while maintaining the degree of FoV. Speci\ufb01cally, we adopt a panorama-to-pinhole image conversion fT by a rectilinear projection [31]. To obtain a narrow FoV (pinhole-like) image with fT , we \ufb01rst select a viewpoint in the form of longitude and latitude coordinates (\u03b8, \u03c6) in the spherical coordinate system, where \u03b8 and \u03c6 are randomly selected from [0,2\u03c0] and [0,\u03c0], respectively, and extract a narrow FoV region from the 360\u00b0 panorama image by a differentiable projection function fT . To further improve the discriminative ability of our model, we adopt a weighted sum of the original discrimination and the proposed discrimination to encourage the model to learn more robust features by considering both the original full-panoramas and pinhole-like converted panoramas. Sphere-based rotation augmentation and ensemble. We introduce a panoramic rotation-based augmentation since a different panorama view consistently preserves the content structure without the discontinuity problem at left-right boundaries. Given a panorama x, a rotated image x\u2032 is generated by horizontally rotating \u03b8 angle. We ef\ufb01ciently implement this rotation by rolling the images in the ERP space without the burden of ERP\u2192SPH\u2192ERP projections since both are effectively the same operation for the ERP domain. The rotation angle is randomly sampled in [0, 2\u03c0], where the step size is 2\u03c0/10. Such rotation is also re\ufb02ected in SPE by adding the rotation angle \u03b8 to help the model learn the horizontal cyclicity of panoramas. Later, the translated images \u02c6 y(0) and \u02c6 y(1) from the generator with x and x\u2032, respectively, are blended together, after rotating back with \u2212\u03b8 for \u02c6 y(1) of course, to generate the \ufb01nal ensemble output \u02c6 y: \u02c6 y = \u02c6 y(0) + \u02c6 y(1)\u2032 2 , (5) where \u02c6 y(1)\u2032 is indicates \u2212\u03b8 rotated version of \u02c6 y(1). Thus, the result \u02c6 y has more smooth boundary than the results predicted alone, mitigating discontinuous edge effects. 3.3. Loss functions Adversarial loss minimizes the distribution discrepancy between two different features [14, 38]. We adopt this to learn the translated image \u02c6 y = G(T (Ec(x, \u0398ERP), s)) and the image x from X to have indistinguishable distribution to preserve panoramic contents, de\ufb01ned as: LGAN =Ex\u223cX [log(1 \u2212D(\u02c6 y))] + Ey\u223cY[log D(y)], (6) with the R1 regularization [35] to enhance training stability. To consider the panoramic distortion-free discrimination using the panorama-to-pinhole conversion fT , we de\ufb01ne additional adversarial loss as follows: Ldf-GAN = Ex\u223cX [log(1 \u2212D(fT (\u02c6 y)))] + Ey\u223cY[log D(y)]. (7) Content loss. To maintain the content between the source image x and translated image \u02c6 y, we exploit the spatiallycorrelative loss [63] to de\ufb01ne a content loss, with an augmented source xaug. To get xaug, we apply structurepreserving transformations to x. This helps preserve the structure and learn the spatially-correlative map [63] based on patchwise infoNCE loss [40], since it captures the domain-invariant structure representation. Denoting that \u02c6 v as spatially-correlative map of the query patch from c\u02c6 y = Ec(\u02c6 y, \u0398ERP), we pick the pseudo-positive patch sample v+ from cx = Ec(x, \u0398ERP) in the same position of the query patch \u02c6 v, and the negative patches v\u2212from the other positions of cx aug and cx, except for the position of query patches \u02c6 v. We \ufb01rst de\ufb01ne a score function \u2113(\u00b7) at the l-th convolution layer in Ec: \u2113( \u02c6 vl,v+ l , v\u2212 l ) = \u2212log \" exp( \u02c6 vl \u00b7 v+ l /\u03c4) exp( \u02c6 vl \u00b7 v+ l /\u03c4) + PN n=1 exp( \u02c6 vl \u00b7 v\u2212 n /\u03c4) # , (8) where \u03c4 is a temperature parameter. Then, the overall content loss function is de\ufb01ned as follows: Lcont NCE = Ex\u223cX X l X s \u2113(\u02c6 vl(s),v+ l (s), v\u2212 l (S\\s)), (9) where the index s \u2208{1, 2, ..., Sl} and Sl is a set of patches in each l-th layer, and S\\s indicates the indices except s. Image reconstruction loss. We additionally use the image reconstruction loss to enhance the disentanglement between content and style in a manner that our G can reconstruct an image for domain Y. To be speci\ufb01c, y is fed into content encoder Ec and style encoder Es to obtain a content feature map cy = Ec(y, \u0398\u2205) and a style code sy = Es(y, \u0398\u2205). We then compare the reconstructed image G(T (cy, sy)) with y as follows: Limg recon = Ey\u223cY[\u2225G(T (cy, sy)) \u2212y\u22251]. (10) 5 \fStyle reconstruction loss. In order to better learn disentangled representation, we compute L1 loss between the style code from the translated image and input panorama, Lstyle ref-recon = Ex\u223cX [\u2225Es(\u02c6 y, \u0398ERP) \u2212Es(x, \u0398ERP)\u22251]. (11) We also de\ufb01ne the style reconstruction loss to reconstruct the style code s, which is used for the generation of \u02c6 y. Note that the style code s is randomly sampled from Gaussian distribution, not extracted from an image. Lstyle rand-recon = Ex\u223cX,y\u223cY[\u2225Es(\u02c6 y, \u0398ERP) \u2212s\u22251]. (12) 3.4. Training strategy Stage I: Panorama reconstruction. To our knowledge, there is no publicly-available large-scale outdoor panorama data, especially captured in various weather or season conditions. For this reason, we cannot use panoramas as a style reference. In addition, in order to share the same embedding space in content and style, the network must be able to process pinhole images and panoramas simultaneously. For the stable training of Pano-I2I, the training procedure is split into two stages corresponding with different objectives. In Stage I, we pretrain the content and style encoders Ec,s, transformer T , generator G, and discriminator D using the panorama dataset only. Given a panorama, the parameters of our network are optimized to reconstruct the original with adversarial and content losses, and style reconstruction loss. As the network learns to reconstruct the input self again, we use the style feature represented by a style encoder instead of the random style code. In addition, for LGAN in Stage I, the original discriminator receives x instead of y as an input. The total objective in Stage I as follows: LStageI =LGAN + \u03bbcontLcont NCE + \u03bbstyleLstyle ref-recon, (13) where \u03bb{\u2217} denotes balancing hyperparameters that control the importance of each loss. Stage II: Panoramic I2I guided by pinhole image. In Stage II, the whole network is fully trained with robust initialization by Stage I. Compared to Stage I, panorama and pinhole datasets are all used in this stage. Concretely, the main difference is that; (1) original discrimination is combined with our distortion-free discrimination as a weighted sum, (2) the style code is sampled from the Gaussian distribution to translate the panorama, (3) the panoramic rotationbased augmentation and its ensemble technique are leveraged to enhance the generation quality. Therefore, the total objective in Stage II is de\ufb01ned as: LStage2 =\u03bbdf-GANLdf-GAN + (1 \u2212\u03bbdf-GAN)LGAN + \u03bbcontLcont NCE + \u03bbstyleLstyle rand-recon + \u03bbreconLimg recon. (14) Notice that \u03bb{\u2217} is differently set to each stage, and please refer to Appendix A. 4. Experiments 4.1. Experimental setup Datasets. We conduct experiments on the panorama dataset, StreetLearn [37], as the source domain, and a standard street-view dataset for I2I, INIT [47] and Dark Zurich [46], as the target domain. StreetLearn provides 360\u00b0 outdoor 56k Manhattan panoramas taken from the Google Street View. Although INIT consists of four conditions (sunny, night, rainy, and cloudy), we use two conditions, night and rainy, since the condition of the StreetLearn is captured during the daytime, including sunny and cloudy. We use the Batch1 of the INIT dataset, a total of 62k images for the four conditions. Dark Zurich has three conditions (daytime, night, and twilight), a total of 8779 images, and we use night and twilight. Metrics. For quantitative comparison, we report the Fr\u00b4 echet Inception Distance (FID) metric [15] to evaluate style relevance, and the structural similarity (SSIM) index [53] metric to evaluate the panoramic content preserving. Considering that the structure of outputs tends to become pinhole-like in panoramic I2I tasks, we measure the FID metric after applying panorama-to-pinhole projection (fT ) for randomly chosen horizontal angle \u03b8 and \ufb01xed vertical angle \u03c6 as 0 with a \ufb01xed FoV of 90\u00b0, for consistent viewpoint with the target images. Notice that the SSIM mediately shows the degree of content preservation because it measures the structural similarity between the original panorama and the translated panorama based on luminance, contrast and structure. Comparison methods. We compare our approach against the state-of-the-art I2I methods, including MGUIT [20] and InstaFormer [26], CUT [41], and FSeSim [63]. Since MGUIT and InstaFormer require bounding box annotations to train their models, we exploit pretrained YOLOv5 [24] model to generate pseudo bounding box annotations. 4.2. Implementation details We summarize the implementation details in the PanoI2I. We formulate the proposed method with vision transformers [11] inspired by InstaFormer [26], but without instance-level approaches due to the absence of groundtruth bounding box annotations. In training, we use the Adam optimizer [27] with \u03b21 = 0.5, \u03b22 = 0.999. The input of the network is resized into 256 \u00d7 512. We design our content and style encoders, a transformer encoder, the generator-and-discriminator for our GAN losses based on [26], where all modules are learned from scratch. The initial learning rate is 1e-4, and the model is trained on 8 Tesla V100 with batch size 8 for Stage I and 4 for Stage II. 6 \fInputs CUT [41] FSeSim [63] MGUIT [20] InstaFormer [26] Pano-I2I (ours) Figure 4. Qualitative comparison on StreetLearn dataset (day) to INIT dataset (night, rainy): (top to bottom) day\u2192night, and day\u2192rainy results. Among the methods, Pano-I2I (ours) preserves object details well and shows realistic results. Methods Day\u2192Night Day\u2192Rainy FID\u2193 SSIM\u2191 FID\u2193 SSIM\u2191 CUT [41] 131.3 0.232 119.8 0.439 FSeSim [63] 106.0 0.309 110.3 0.541 MGUIT [20] 129.9 0.156 141.5 0.268 InstaFormer [26] 151.1 0.201 136.2 0.495 Pano-I2I (ours) 94.3 0.417 86.6 0.708 Table 1. Quantitative evaluation on the translated panoramas from the StreetLearn dataset to the INIT dataset. 4.3. Experimental results Qualitative evaluation. In Fig. 4, we compare our method with other I2I methods. We observe all the other methods [41, 22, 63, 20, 26] fail to synthesize reasonable panoramic results and show obvious inconsistent output regarding either structure or style in an image. Moreover, previous methods recognize structural discrepancies between source and target domains as style differences, indicating failed translation results that change like pinhole images. Surprisingly, in the case of \u2018day\u2192night\u2019, all existing methods fail to preserve the objectness as a car or building. We conjecture that they can hardly deal with the large domain gap in \u2018day\u2192night,\u2019 thus naively learning to follow the target distribution without considering the context from the source. By comparison, our method shows the overall best performance in visual quality, preserving panoramic content, and structuraland style-consistency. Especially, we can observe the ability of our discrimination design to generate distortion-tolerate outputs. The qualitative results on Dark Zurich are provided in Appendix E. Quantitative evaluation. Tab. 1 and Tab. 2 show the quantitative comparison in terms of FID [15] and SSIM [53] index metrics. Our method consistently outperforms the competitive methods in all metrics, demonstrating that Pano-I2I successfully captures the style of the target domain while preserving the panoramic contents. Notably, our approach exhibits signi\ufb01cant improvements in terms of SSIM. In contrast, previous methods perform poorly in terms of SSIM compared to our results, which is also evident from the qual7 \fMethods Day\u2192Night Day\u2192Twilight FID\u2193 SSIM\u2191 FID\u2193 SSIM\u2191 FSeSim [63] 133.8 0.305 138.8 0.420 MGUIT [20] 205.3 0.156 229.9 0.124 Pano-I2I (ours) 120.2 0.431 126.6 0.520 Table 2. Quantitative evaluation on the translated panoramas from the StreetLearn dataset to the Dark Zurich dataset. 14% 6% 13% 19% 11% 21% 5% 6% 6% 10% 8% 5% 53% 68% 56% Image Quality Content Relevance Style Relevance 0% 25% 50% 75% 100% CUT FSeSim MGUIT InstaFormer Ours Figure 5. User study results. itative results presented in Fig. 4. User study. We also conduct a user study to compare the subjective quality. We randomly select 10 images for each task (sunny\u2192night, sunny\u2192rainy) on the INIT dataset, and let 60 users sort all the methods regarding \u201coverall image quality\u201d, \u201ccontent preservation from the source\u201d, and \u201cstyle relevance with the target, considering the context from the source\u201d. As seen in Fig. 5, our method has a clear advantage on every task. We provide more details in Appendix F. 4.4. Ablation study In Fig. 6 and Tab. 3, we show qualitative and quantitative results for the ablation study on the day\u2192night task on the INIT dataset. In particular, we analyze the effectiveness of our 1) distortion-free discrimination, 2) ensemble technique, 3) two-stage learning scheme, and 4) spherical positional embedding (SPE) and deformable convolution. As seen in Fig. 6, our full model smoothens the boundary with high-quality generation, successfully preserving the panoramic structure. We also observe the ability of our discrimination design to generate distortion-tolerated outputs. The result without an ensemble fails to alleviate the discontinuity problem, as seen in the middle area of the image. The result without two-stage learning shows the limited capability to reconstruct the \ufb01ne details of the contents from the input image. Since SPE and deformable convolution help the model learn the deformable structure of panoramas, the result without them fails to preserve the detailed structure. Note that the results are visualized after rotation (\u03b8 = 180\u00b0) to highlight the discontinuity. In Tab. 3, we measure the SSIM and FID scores to evaluate structural consistency and style relevance with respect to the choices of components. It demonstrates that Input (I) Pano-I2I (ours) (II) Distortion-free D (III) Ensemble (IV) Two-stage learning (V) SPE, deform conv Figure 6. Qualitative evaluation on ablation study. ID Methods FID\u2193 SSIM\u2191 (I) Pano-I2I (ours) 94.3 0.417 (II) (I) Distortion-free D 105.6 0.321 (III) (I) Ensemble technique 96.8 0.390 (IV) (I) Two-stage learning 120.8 0.376 (V) (I) SPE, deform conv 94.5 0.355 Table 3. Quantitative evaluation on ablation study. our full model preserves input structure with our proposed components. We observe all the techniques and components contribute to improving the performance in terms of style relevance and content preservation, and the impact of distortion-free discrimination is substantially effective to handle geometric deformation. 5."
+ },
+ {
+ "url": "http://arxiv.org/abs/2203.16248v1",
+ "title": "InstaFormer: Instance-Aware Image-to-Image Translation with Transformer",
+ "abstract": "We present a novel Transformer-based network architecture for instance-aware\nimage-to-image translation, dubbed InstaFormer, to effectively integrate\nglobal- and instance-level information. By considering extracted content\nfeatures from an image as tokens, our networks discover global consensus of\ncontent features by considering context information through a self-attention\nmodule in Transformers. By augmenting such tokens with an instance-level\nfeature extracted from the content feature with respect to bounding box\ninformation, our framework is capable of learning an interaction between object\ninstances and the global image, thus boosting the instance-awareness. We\nreplace layer normalization (LayerNorm) in standard Transformers with adaptive\ninstance normalization (AdaIN) to enable a multi-modal translation with style\ncodes. In addition, to improve the instance-awareness and translation quality\nat object regions, we present an instance-level content contrastive loss\ndefined between input and translated image. We conduct experiments to\ndemonstrate the effectiveness of our InstaFormer over the latest methods and\nprovide extensive ablation studies.",
+ "authors": "Soohyun Kim, Jongbeom Baek, Jihye Park, Gyeongnyeon Kim, Seungryong Kim",
+ "published": "2022-03-30",
+ "updated": "2022-03-30",
+ "primary_cat": "cs.CV",
+ "cats": [
+ "cs.CV"
+ ],
+ "main_content": "Introduction For a decade, image-to-image translation (I2I), aiming at translating an image in one domain (i.e., source) to another domain (i.e., target), has been popularly studied, to the point of being deployed in numerous applications, such as style transfer [15, 22], super-resolution [12, 32], inpainting [25, 46], or colorization [64,65]. In particular, most recent works have focused on designing better disentangled representation to learn a multimodal translation from unpaired training data [23, 35, 45]. While they have demonstrated promising results, most of these methods only consider the translation on an whole image, and do not account for the fact that an image often contain many object instances of various sizes, thus showing *Corresponding author Input image (sunny) Translated image (rainy) Figure 1. Results of InstaFormer for instance-aware image-toimage translation. Our InstaFormer effectively considers globaland instance-level information with Transformers, which enables high quality instance-level translation. the limited performance at content-rich scene translation, e.g., driving scene, which is critical for some downstream tasks, such as domain adaptive object detection [3], that require well-translated object instances. To address the aforementioned issues, some methods [3, 28, 51] seek to explicitly consider an object instance in an image within deep convolutional neural networks (CNNs). This trend was initiated by instance-aware I2I (INIT) [51], which treats the object instance and global image separately. Following this [51], some variants were proposed, e.g., jointly learning translation networks and object detection networks, called detection-based unsupervised I2I (DUNIT) [3], or using an external memory module, called memory-guided unsupervised I2I (MGUIT) [28]. While these methods improve an instance-awareness to some extent, they inherit limitation of CNN-based architectures [3, 28,51], e.g., local receptive fields or limited encoding of relationships or interactions between pixels or patches within an image which are critical in differentiating an object instance from an whole image and boosting its translation. To tackle these limitations, for the first time, we present to utilize Transformer [55] architecture within I2I networks that effectively integrates globaland instance-level information present in an image, dubbed InstaFormer. We follow common disentangled representation approaches [23, 35] to extract both content and style vectors. By considering extracted content features from an image as tokens, \four Transformer-based aggregator mixes them to discover global consensus by considering global context information through a self-attention module, thus boosting the instanceawareness during translation. In addition, by augmenting such tokens by an instance-level feature extracted from the global content feature with respect to bounding box information, our framework is able to learn an interaction between not only object instance and global image, but also different instances, followed by a position embedding technique to consider both globaland instance-level patches at once, which helps the networks to better focus on the object instance regions. We also replace layer normalization (LayerNorm) [1] in Transformers with adaptive instance normalization (AdaIN) [22] to facilitate a multi-modal translation with extracted or random style vectors. Since aggregating raw content and style vectors directly with Transformers requires extremely large computation [13, 31], we further propose to apply a convolutional patch embedding and deconvolutional module at the beginning and end of our Transformer-based aggregator. In addition, to improve the instance-awareness and quality of translation images at object regions, we present an instance-level content contrastive loss defined between input and translated images. In experiments, we demonstrate our framework on several benchmarks [9,16,51] that contain content-rich scenes. Experimental results on various benchmarks prove the effectiveness of the proposed model over the latest methods for instance-aware I2I. We also provide an ablation study to validate and analyze components in our model. 2. Related Work Image-to-Image Translation. While early efforts for I2I are based on supervised learning [27], most recent state-ofthe-arts focus on unpaired settings [2,14,39,63,67,69]. CycleGAN [70] attempts this by proposing a cycle-consistency loss which has been one of standard losses for unpaired I2I. Inspired by CycleGAN, numerous methods utilize cycleconsistency [7, 21, 23, 33, 35, 61], and they can be largely divided into uni-modal models [38,61,63] and multi-modal models [7, 23, 35] methods. Specifically, MUNIT [23] assumes that an image representation can be disentangled into a domain-specific style and a domain-invariant content representation and uses these disentangled latent features with cycle-consistency to generate the translations. However, the content in translated image can be easily distorted, and cycle mapping requires multiple generators and discriminators. To address these, CUT [45]and F-LSeSim [67] propose novel losses inspired by infoNCE [44] to directly compute distance between input and translated images in an one-side framework without cycle-consistency. However, they still have shown limited performance to encode an object-awareness at the translated image. Instance-Aware Image-to-Image Translation. Some methods attempted to address the aforementioned issues [3, 28,43,51]. INIT [51] attempted to translate the whole image and object instances independently. DUNIT [3] proposed to further train detection module and adopted instanceconsistency loss for object-awareness. MGUIT [28] utilizes bounding box to read and write class-wise memory module, and has access to class-aware features on memory at test-time. The aforementioned methods inherit limitation of CNN-based architecture, e.g., local receptive fields or limited encoding of relationships or interactions within an image [23,35,70]. Vision Transformers and Image Generation Recently, Vision Transformers (ViT) have shown to attain highly competitive performance for a wide range of vision applications, such as image classification [11, 13, 54, 57], object detection [5, 10, 71], and semantic segmentation [60, 68]. Inspired by ViT [13], some improvements are made to improve the computational complexity [31, 40, 56, 57]. For example, Swin Transformer [40] proposes relative position biases, and restricts self-attentioncomputation within shifted windows. MLP-Mixer [52] suggests to replace selfattention with an MLP, achieving memory efficiency and competitive performance [37, 41, 53]. In this paper, we introduce ViT-based aggregator to further enhance to learn instance-awareness by aggregating information from local region as well as global image. On the other hands, there exist several efforts to adapt Vision Transformers to image generation tasks [6, 24, 30, 36, 66]. As seminal work, TransGAN [30] first presents a GAN structure using pure Transformer, but has only validated on low-resolution images. [66] has achieved success on generating high-resolution images. [24] leverages Transformers to build the bipartite structure to allow long-range interactions. To our best knowledge, our work is the first attempt to adopt Transformers in instance-aware image translation. 3. Methodology 3.1. Overview Our approach aims to learn a multi-modal mapping between two domains X \u2282RH\u00d7W \u00d73 and Y \u2282RH\u00d7W \u00d73 without paired training data, but with a dataset of unpaired instances X = {x \u2208X} and Y = {y \u2208Y}. Especially, we wish to model such a mapping function to have an ability that jointly accounts for whole image and object instances. Unlike conventional I2I methods [3, 17, 23, 28, 35, 51] that were formulated in a two-sided framework to exploit a cycle-consistency constraint, which often generates some distortions on the translated images and requires auxiliary networks for inverse mapping [70], we formulate our approach in an one-sided framework [45]. In specific, as illustrated in Fig. 2, our framework, \fPatch Embed ViT Encoder Blocks ( ) \u00d76 AdaIN Params RoI Align MLP Test time Feature Map Position Embed Element-wise Add Style Code Global Patch Instance Patch ... ... ... ... ... Patch Expand. (a) Architecture ViT Encoder Block AdaIN MSA AdaIN MLP (b) ViT Encoder Block Figure 2. Network configuration: (a) overall architecture for image-to-image translation, (b) ViT encoder block in details. Our networks consist of content encoder, Transformer encoder, and generator. The gray background represents the test phase, where we have no access on object instance bounding box (Best viewed in color). dubbed InstaFormer, consists of content encoder E and generator G, similar to [45,67], and additional encoder T with Transformers [55] to improve the instance-awareness by considering global consensus between whole image and object instances. To translate an image x in domain X to domain Y, our framework first extracts a content feature map c = E(x) \u2208Rh\u00d7w\u00d7lc from x, with height h, width w, and lc channels, and randomly draws a style latent code s \u2208R1\u00d71\u00d7ls from the prior distribution q(s) \u223cN(0, I) to achieve a multi-modal translation. Instead of directly feeding c and s to the generator G, as done in the literature [23, 35], we aggregate information in the content c to discover global consensus between the global image and object instances in a manner that we first extract an object instance content vector cins i for i-th object bounding box with parameters Bi = [xi, yi, hi, wi], where (xi, yi) represent a center point, and hi and wi represent height and width of the box and i \u22081, ..., N where N is the number of instance, and then mix {c, {cins i }i, s} through the proposed Transformer module T to extract global embedding u and instance embedding uins i , which are independently used to generate global-level translated image \u02c6 y = G(u) \u2208Rh\u00d7w\u00d73 and instance-level translated images \u02c6 yins i = G(uins i ) \u2208Rhi\u00d7wi\u00d73. In our framework, during training, we have access to the ground-truth object bounding boxes, while we do not access them at test-time. To train our networks, we first use an adversarial loss defined between a translated image \u02c6 y and a real image y from Y with discriminators, and a global content contrastive loss defined between x and \u02c6 y to preserve the global content. To improve the disentanglement ability for content and style, following [23], we also use both image reconstruction loss and style reconstruction loss by leveraging an additional style encoder for Y. To improve the instance-awareness and the quality of translation images at object instance regions, we newly present an instance-level content contrastive loss between x and \u02c6 y. 3.2. Content and Style Mixing with Transformers Most existing I2I methods [3,23,28,35,45,51] attempted to aggregate a content feature map with deep CNNs with residual connections, which are often called residual blocks, often inserted between encoder and generator networks. They are thus limited in the sense that they inherit limitation of CNN-based architecture, e.g., local receptive fields or limited encoding of relationships or interactions between pixels and patches within an image [23,35,51]. In instanceaware I2I task, enlarging the receptive fields and encoding an interaction between objects and global image may be of prime importance. For instance, if an image contains a car object on the road, using the context information of not only global background, e.g., road, but also other instances, e.g., other cars or person, would definitely help to translate the image more focusing on the instance, but existing CNNbased methods [23,35,45] would limitedly handle this. To overcome this, we present to utilize Transformer architecture [55] to enlarge the receptive fields and encode the interaction between features for instance-aware I2I. To this end, extracted content vector c \u2208Rh\u00d7w\u00d7lc from x can be flattened as a sequence c\u2032 = Reshpae(c) with the number of tokens hw and channel lc, which can be directly used as input for Transformers. However, this requires extremely \fA B A B (a) content image A B A B (b) translated image (c) w/o Lins NCE for A (d) w/o Lins NCE for B (e) w/ Lins NCE for A (f) w/ Lins NCE for B Figure 3. Visualization of learned self-attention. For (a) content image containing instances A and B, our networks generate (b) translated image, considering attention maps (c,d) without Lins NCE and (e,f) with Lins NCE for instance A, B, respectively. high computational complexity due to the huge number of tokens hw, e.g., full HD translation. Patch Embedding and Expanding. To address this issue, inspired by a patch embedding in ViT [13], we first apply sequential convolutional blocks to reduce the spatial resolutions. Instead of applying a single convolution in ViT [13] for extracting non-overlapping patches, we use sequential overlapped convolutional blocks to improve the stability of training while reducing the number of parameters involved [59]. We define this process as follows: \\mathbf {p} = \\mathrm { Conv}(\\mathbf {c}) \\in {\\mathbb {R}} ^ {(h/k) \\times (w/k) \\times {l'_{c}}}, (1) where k \u00d7 k is the stride size of convolutions, and l\u2032 c is a projected channel size. After feed-forwarding Transformer blocks such that z = T (p) \u2208R(h/k)\u00d7(w/k)\u00d7l\u2032 c, downsampled feature map z should be upsampled again with additional deconvolutional blocks, which are symmetric architectures to the convolutions, defined as follows: \\mathbf { u } = \\mathrm {DeConv}(\\mathbf {z}) \\in \\mathbb {R}^\\mathnormal {h \\times w \\times {l_{c}}}. (2) In addition, for a multi-modal translation, we leverage a style code vector s \u2208R1\u00d71\u00d7ls, and thus this should be considered during mixing with Transformers [55]. Conventional methods [22, 23, 35] attempted to mix content and style vectors using either concatenation [35] or AdaIN [22]. In our framework, by slightly changing the normalization module in Transformers, we are capable of simultaneously mixing content and style vectors such that T (p, s). Any forms of Transformers [13, 40, 52, 57, 62] can be considered as a candidate in our framework, and in experiments, ViT-like [13] architecture is considered for T . In the following, we explain the details of Transformer modules. Transformer Aggregator. In order to utilize Transformer to process content patch embeddings p, our work is built upon the ViT encoder, which is composed of an multi-head self-attention (MSA) layer and a feed-forward MLP with GELU [55], where normalization layers are applied before both parts. Especially, for I2I, we adopt AdaIN instead of LayerNorm [1] to control the style of the output with the affine parameters from style vector s and to enable multimodal outputs. In specific, content patch embedding p is first reshaped, and position embedding is achieved such that \\ mathbf {z} _ 0 = \\mathrm {Re shape}({\\mathbf {p}})+ {\\mathbf {E} \\in {\\mathbb {R}}^ {(h/k \\cdot w/k) \\times l_{c}'}}, (3) where E represents a position embedding [55], which will be discussed in the following. These embedded tokens z0 are further processed by the sequential Transformer encoder blocks as follows: \\ b egi n {spl it} &\\ math b f {z} '_ { t} = \\mat hrm { MSA} \\ le ft ( {\\mathrm {AdaIN}\\left ({\\mathbf {z}}_{t-1}, \\mathbf {s}' \\right )} \\right ) + {\\mathbf {z}}_{t-1},\\\\ &{\\mathbf {z}}_t = \\mathrm {MLP}\\left ( {\\mathrm {AdaIN}\\left (\\mathbf {z}'_{t}, \\mathbf {s}' \\right )} \\right ) + \\mathbf {z}'_{t}, \\end {split} (4) where z\u2032 t and zt denote the output of MSA and MLP modules for t-th block respectively and t \u22081, ..., T, respectively, s\u2032 indicates AdaIN parameters extracted from S. After L Transformer modules, followed by reshaping to original resolution, we finally achieve the output of Transformer block T such that zT = T (p, s\u2032). As exemplified in Fig. 3, our learned self-attention well considers the interaction between object instances and global image. 3.3. Instance-Aware Content and Style Mixing So far we discussed a method for content and style mixing with Transformers [13]. This framework can improve the translation quality especially at instance regions to some extent, but the nature of irregular shape of object instances may hinder the performance boosting of our framework. In particular, global-level aggregation itself is limited to capture details of a tiny object and it is not always guaranteed that an object is located in a single regular patch. To overcome this, we present a novel technique to aggregate instance-level content features and global-level content features simultaneously, which enables the model to pay more attention to the relationships between global scenes and object instances. In specific, given ground-truth bounding boxes with parameters Bi, we extract instance-level content feature maps through through ROI Align [19] module defined as follows: {\\ m a thbf {c}}^\\ mat h rm {ins}_{i} = \\mathrm {RoIAlign}({\\mathbf {c}}; {B}_{i}) \\in {\\mathbb {R}}^{k \\times k \\times {l_{c}}}, (5) where k \u00d7k is a fixed spatial resolution. This can be further processed with the convolutional blocks as proposed above such that {\\ m a thbf {p}} ^ \\ m athrm { ins}_{i} = \\mathrm {Conv}({\\mathbf {c}}^\\mathrm {ins}_{i}) \\in {\\mathbb {R}}^{1 \\times 1 \\times {l'_{c}}}. (6) In our framework, by concatenating p and pins i , we build a new input for Transformer \u02c6 z0 such that \\ h at {\\mathbf {z }}_0 = \\ma t h r m {Reshape}(\\mat hrm {Cat}({\\mathbf {p}},\\{{\\bf {p}}^\\mathrm {ins}_{i}\\}_{i}))+ \\hat {\\mathbf {E}} \\in {\\mathbb {R}}^ {(h/k \\cdot w/k+N) \\times {l'_{c}}}, (7) \fInstance Patch \ud835\udefe(\ud835\udc65!) \ud835\udefe(\ud835\udc66!) \ud835\udefe(\ud835\udc64!) \ud835\udefe(\u210e!) Regular Patch \ud835\udc65\" \ud835\udc66\" \u210e! \ud835\udc64! \u210e\" \ud835\udc64\" \ud835\udefe(\ud835\udc65\") \ud835\udefe(\ud835\udc66\" ) \ud835\udefe(\ud835\udc64\" ) \ud835\udefe(\u210e\") \ud835\udc65! \ud835\udc66! Figure 4. Illustration of building position embedding for regular patches and instance-level patches. where Cat(\u00b7, \u00b7) denotes a concatenation operator and \u02c6 E is a corresponding positional embedding. Transformer blocks are then used to process \u02c6 z0 similarly to above to achieve \u02c6 zT , which is decomposed into zT and zins T,i. 3.4. Instance-Aware Position Embedding Since Transformer [55] block itself does not contain positional information, we add positional embedding E as described above. To this end, our framework basically utilizes existing technique [13], but the main difference is that our proposed strategy enables simultaneously considering regularly-partitioned patches p and instance patches pins i in terms of their spatial relationships. The deep networks are often biased towards learning lower frequency functions [47], so we use high frequency functions to alleviate such bias. We denote \u03b3(\u00b7) as a sinusoidal mapping into R2K such that \u03b3(a) = (sin(20\u03c0a), cos(20\u03c0a), ..., sin(2K\u22121\u03c0a), cos(2K\u22121\u03c0a)) for a scalar a. In specific, as a global feature map is divided into regular girds, each regular patch can be represented to have center coordinates (xg, yg) with patch width wg and height hg of regular size for g-th patch p(g). After embedding for each information through \u03b3(\u00b7) and concatenating along the channel axis, it is further added to the patch embedded tokens. \\mathbf {E } = \\m athrm {Cat}(\\gamma (x_g),\\gamma (y_g),\\gamma (w_g),\\gamma (h_g)) (8) Unlike regular patches, which have the same size of width and height for each, instance patches contain positional information of corresponding bounding boxes, which contain the centerpoint coordinates (xi, yi) and width and height (wi, hi). Instance-wise E is denoted as: \\m a thbf {E}^\\ mathrm {ins} = \\mathrm {Cat}(\\gamma (x_i),\\gamma (y_i),\\gamma (w_i),\\gamma (h_i)). (9) Then \u02c6 E = Cat(E, Eins). Fig. 4 illustrates the difference in how regular patch and instance patch are handled. 3.5. Loss Functions Adversarial Loss. Adversarial loss aims to minimize the distribution discrepancy between two different features [18, Global-level Instance-level Content image Translated image Figure 5. Illustration of global content loss and instance-level content loss. Blue box indicates a positive sample, while yellow box means a negative sample (Best viewed in color). 42]. We adopt this to learn the translated image \u02c6 y to be similar to an image y from Y defined such that \\b egin {split } \\m athc a l {L}_\\m athrm {GAN} = &\\mathbb {E}_{\\mathbf {x}\\sim \\mathcal {X}}[\\mathrm {log}(1-\\mathcal {D}(\\hat {\\mathbf {y}}))]+ \\mathbb {E}_{\\mathbf {y} \\sim \\mathcal {Y}}[\\mathrm {log}\\, \\mathcal {D}(\\mathbf {y})], \\end {split} (10) where D(\u00b7) is the discriminator. Global Content Loss. To define the content loss between x and \u02c6 y, we exploit infoNCE loss [44], defined as \\ be gin {s p lit} &\\ell ( \\hat {\\mat h b f {v} } , \\ma thbf { v }^ { +}, \\mathbf {v}^{-}) =\\\\ &\\mathrm {-log}\\left [\\frac {\\mathrm {exp}(\\hat {\\mathbf {v}}\\cdot \\mathbf {v}^{+}/\\tau )} {\\mathrm {exp}(\\hat {\\mathbf {v}}\\cdot \\mathbf {v}^{+}/\\tau ) + \\sum _{\\mathrm n=1}^{\\mathrm N}\\mathrm {exp}(\\hat {\\mathbf {v}}\\cdot \\mathbf {v}^{-}_{\\mathrm n}/\\tau )}\\right ], \\end {split} (11) where \u03c4 is the temperature parameter, and v+ and v\u2212represent positive and negative for \u02c6 v. We set pseudo positive samples between input image x and translated image \u02c6 y. For the content feature from translated image \u02c6 c(s) = E(\u02c6 y), we set positive patches c(s), and negative patches c(S \\ s) from x, where S \\ s represents indexes except for s, following [45,67]. Global content loss function is then defined as \\begi n { s plit } \\ m ath cal {L }_\\mat hrm { NCE}^{\\mathrm {global}} = \\mathbb {E}_{\\mathbf {x}\\sim \\mathcal {X}}\\sum _{l}\\sum _{s}\\ell (\\hat {\\mathbf {c}}_{l}(s),{\\mathbf {c}}_{l}(s) , {\\mathbf {c}}_{l}({S\\setminus s})), \\end {split} (12) where cl is feature at l-th level, s \u2208{1, 2, ..., Sl} and Sl is the number of patches in each l-th layer. Instance-level Content Loss. To improve the instanceawareness and the quality of translation images at object regions, we newly present an instance-level content contrastive loss. Our instance-level content loss is then defined such that \\b egi n {sp l i t } \\m athc a l {L }_\\m a thrm {NC E }^ \\ mathrm {ins}=\\mathbb {E}_{\\mathbf {x}\\sim \\mathcal {X}}\\sum _{i}\\sum _{m}\\ell (\\hat {\\mathbf {c}}_{i}^{\\mathrm {ins}}(m),{\\mathbf {c}}_{i}^{\\mathrm {ins}}(m) , {\\mathbf {c}}_{i}^{\\mathrm {ins}}({M\\setminus m})), \\end {split} (13) where m \u2208{1, 2, ..., Mi} and Mi is the number of patches at each instance. Fig. 5 illustrates how our suggested content losses work, with the procedure to define positive and negative samples. \fCycleGAN [70] UNIT [38] MUNIT [23] DRIT [35] INIT [51] DUNIT [3] MGUIT [28] InstaFormer CIS IS CIS IS CIS IS CIS IS CIS IS CIS IS CIS IS CIS IS sunny\u2192night 0.014 1.026 0.082 1.030 1.159 1.278 1.058 1.224 1.060 1.118 1.166 1.259 1.176 1.271 1.200 1.404 night\u2192sunny 0.012 1.023 0.027 1.024 1.036 1.051 1.024 1.099 1.045 1.080 1.083 1.108 1.115 1.130 1.115 1.127 sunny\u2192rainy 0.011 1.073 0.097 1.075 1.012 1.146 1.007 1.207 1.036 1.152 1.029 1.225 1.092 1.213 1.158 1.394 sunny\u2192cloudy 0.014 1.097 0.081 1.134 1.008 1.095 1.025 1.104 1.040 1.142 1.033 1.149 1.052 1.218 1.130 1.257 cloudy\u2192sunny 0.090 1.033 0.219 1.046 1.026 1.321 1.046 1.249 1.016 1.460 1.077 1.472 1.136 1.489 1.141 1.585 Average 0.025 1.057 0.087 1.055 1.032 1.166 1.031 1.164 1.043 1.179 1.079 1.223 1.112 1.254 1.149 1.353 Table 1. Quantitative evaluation on INIT dataset [51]. For evaluation, we perform bidirectional translation for each domain pair. We measure CIS [23] and IS [50](higher is better). Our results shows the best results in terms of CIS and IS. Image Reconstruction Loss. We additionally make use of image reconstruction loss to help disentanglement between content and style. For regularization, we use a reconstruction loss to ensure that our G can reconstruct an image for domain Y. To be specific, y is fed into E and style encoder S to obtain a content feature map cY = E(y) and a style code sY = S(y). We then compare the reconstructed image G(T (cY, sY)) for domain Y with y as follows: \\m athca l {L}_\\mat hrm {rec o n}^\\mathrm {img} = \\, \\mathbb {E}_{\\mathbf {y} \\sim \\mathcal {Y}}[\\|{\\mathcal {G}(\\mathcal {T}(\\mathbf {c^{\\mathcal {Y}}},\\mathbf {s^\\mathcal {Y}})) -\\,\\mathbf {y}}\\|_{1}].\\vspace {-10pt} (14) Style Reconstruction Loss. In order to better learn disentangled representation, we compute L1 loss between style code from the translated image and randomly generated style code in order to enable mapping generated style features to Gaussian distribution such that \\beg in {s p lit} \\mathcal { L }_\\mathrm {recon}^\\mathrm {style} = \\mathbb {E}_{\\mathbf {x}\\sim \\mathcal {X} ,\\mathbf {y}\\sim \\mathcal {Y}}[\\|{\\mathcal {S}(\\hat {\\mathbf {y}}) -\\,{\\mathbf {s}}}\\|_{1}].\\vspace {-10pt} \\end {split} (15) Total Loss. The total loss function is as follows: \\ begin {s p lit} \\ mi n \\li m its _{{\\math cal {E}},\\ma thc a l {G},\\mathc al {S } } \\max \\ limits _\\mathcal {D}\\mathcal {L}(\\mathcal {E},\\mathcal {G},\\mathcal {D}) = &\\mathcal {L}_{\\mathrm {GAN}} +\\lambda ^{\\mathrm {glob}}\\mathcal {L}_\\mathrm {NCE}^{\\mathrm {global}} +\\lambda ^\\mathrm {ins}\\mathcal {L}_\\mathrm {NCE}^{\\mathrm {ins}} \\\\&+\\lambda ^\\mathrm {style}\\mathcal {L}_\\mathrm {recon}^\\mathrm {style} +\\lambda ^\\mathrm {img} \\mathcal {L}_\\mathrm {recon}^\\mathrm {img}, \\end {split} (16) where \u03bbglob, \u03bbins, \u03bbstyle, and \u03bbimg are weights that control the importance of each loss. 4. Experiments 4.1. Implementation Details We first summarize implementation details in our framework. We conduct experiments using a single 24GB RTX 3090 GPU. Training datasets are resized to the size of 352\u00d7352. We employ an Adam optimizer for 200 epochs using a step decay learning rate scheduler. A batch size of 8, an initial learning rate of 2e-4. The number of NCE layers L is 3. For the loss weights, we set as \u03bbglob = 1, \u03bbins = 1, \u03bbstyle = 10, and \u03bbimg = 5. As described above, we implement our framework with the most representative vision Transformer-based, i.e., ViT [13], but we will show our framework works with MLP-Mixer [52] in the following. We will make our code publicly available. 4.2. Experimental Setup We conduct experiments on two standard datasets for instance-aware I2I, INIT dataset [51] and KITTI-Cityscapes dataset [9, 16]. INIT dataset [51] provides street scene images including 4 domain categories (sunny, night, rainy, cloudy) with object bounding box annotations for car, person, and traffic sign. We conduct translation experiments for sunny\u2192night, night\u2192sunny, sunny\u2192rainy, sunny\u2192cloudy, and cloudy\u2192sunny. KITTI object detection benchmark [16] and Cityscapes [9] dataset are used to evaluate domain adaptation for object detection on KITTI\u2192Cityscapes. KITTI contains 7,481 images for training and 7,518 images for testing with the bounding box annotations for 6 object classes. Cityscapes dataset consists of 5,000 images with pixel-level annotations for 30 classes. In this section, we compared our InstaFormer with recent state-of-the-art instance-aware I2I methods: INIT [51], DUNIT [3], MGUIT [28], and several unsupervised imageto-image translation methods: CycleGAN [70], UNIT [38], CUT [45], MUNIT [23], and DRIT [35]. 4.3. Experimental Results Qualitative Evaluation. We first conduct qualitative comparisons of our method to CycleGAN [70], UNIT [38], MUNIT [23], DRIT [35], and MGUIT [28] on sunny\u2192night, night\u2192sunny, sunny\u2192cloudy, and sunny\u2192rainy tasks in INIT dataset [51]. As shown in Fig. 6, our model generates higher quality translated results, particularly at object instance regions. Especially, as exemplified in the highlighted regions in Fig. 7, our model is good at capturing local regions within multiple instances thanks to Transformer-based architecture that simultaneously consider object instances and global image, and proposed instance-level contrastive learning. Note that our attention map visualization also proves this, well illustrated in Fig. 3. Note that MGUIT [28] has access on their trained memory module during test-time, which is additional burden. Quantitative Evaluation. Following the common practice [3,28,51], we evaluate our InstaFormer with inception score (IS) [50] and conditional inception score (CIS) [23]. Since the metrics above are related to diversity of translated images, we also evaluate our methods with fr\u00b4 echet incep\f(a) Input (b) CycleGAN [70] (c) UNIT [38] (d) MUNIT [23] (e) DRIT [35] (f) MGUIT [28] (g) InstaFormer Figure 6. Qualitative comparison on INIT dataset [51]: (top to bottom) sunny\u2192night, night\u2192sunny, and cloudy\u2192sunny results. Among the methods, ours preserves object details well and show realistic results. (a) (b) (c) (c) Figure 7. Visual comparison with MGUIT [28]: (a) input, (b) MGUIT [28], and (c) InstaFormer. We show the results for sunny\u2192rainy (left) and sunny\u2192cloudy (right). tion score (FID) [20] and structural similarity index measure (SSIM) [58] in terms of quality of translated images. Note that we evaluate the results under the same settings for all the methods. We adopt FID to measure the distance between distributions of real images and synthesized images in a deep feature domain. In addition, since SSIM index is an error measurement which is computed between the original content images and synthesized images, we apply to measure instance-wise structural consistency. It should be noted that for image translation tasks, there often exists some discrepancy between quantitative evaluations and human perceptions [4], thus the user study in the following would be a better precise metric. As shown in Table 1, our InstaFormer outperforms the current state-of-the-art methods in terms of diversity (CIS, IS). Furthermore, in terms of global distribution, or instance-level similarity as shown in Table 2, FID and SSIM 0% 20% 40% 60% 80% 100% Style Relevance Content Relevance Most preferred CUT MUNIT DRIT MGUIT Ours Figure 8. User study results on INIT dataset [51]. Our method is most preferred for overall quality, semantic consistency and style relevance, compared to CUT [45], MUNIT [23], DRIT [35], and MGUIT [28]. score show our InstaFormer tends to outperform prior methods in almost all the comparisons. In particular, results on SSIM demonstrate that our network is faithfully designed to encode an instance-awareness. Our method improves the FID score by a large margin compared to previous leading methods MGUIT [28] on INIT dataset [51]. User Study. We also conducted a user study on 110 participants to evaluate the quality of synthesized images in the experiments with the following questions: \u201cWhich do you think has better image quality in overall/ similar content to content image / represent style similar to target domain?\u201d on INIT dataset, summarized in Fig. 8. Our method ranks the first in every case, especially on content relevance and overall preference. Note that no standard evaluation metric has been emerged yet, human evaluation has an effect as evaluation metrics in image translation tasks. 4.4. Ablation Study In order to validate the effectiveness of each component in our method, we conduct a comprehensive ablation study. In particular, we analyze the effectiveness of instance-level loss (Lins NCE), Transformer encoder (T ), and AdaIN, shown in Fig. 9. It should be noted that CUT [45] can be regarded as the setting without Lins NCE, T , AdaIN from InstaFormer. Without Lins NCE, our self-attention module has limited capa\f(a) Content image (b) InstaFormer (c) MLP-Mixer [52] (d) w/o Lins NCE (e) w/o Lins NCE, T (f) CUT [45] (g) w/o AdaIN Figure 9. Ablation study on different settings: instance-level loss (Lins NCE), Transformer encoder (T ), normalization, and another backbone (MLP-Mixer). Note that CUT equals to the setting w/o Lins NCE, T , and AdaIN. Methods sunny\u2192night night\u2192sunny Average FID\u2193 SSIM\u2191 FID\u2193 SSIM\u2191 FID\u2193 SSIM\u2191 CUT [45] 75.28 0.698 80.72 0.634 78.00 0.666 MUNIT [23] 100.32 0.703 98.04 0.631 99.18 0.680 DRIT [35] 79.59 0.312 99.33 0.266 89.46 0.289 MGUIT [28] 98.03 0.836 82.17 0.848 90.10 0.842 InstaFormer 84.72 0.872 71.65 0.818 79.05 0.845 Table 2. Quantitative evaluation with FID [20] metric for data distribution and SSIM [58] index measured at each instance. 0% 20% 40% 60% 80% 100% Style Relevance Content Relevance Image Quality MLP-Mixer w/o w/o CUT w/o AdaIN InstaFormer Figure 10. User study results on ablation study. bility to focus on objects, thus generating images containing blurred objects, as evaluated in Fig. 3 as well. To validate the effect of T in our model, we conduct ablation experiments by replacing it with Resblocks (without Lins NCE, T ). Without Transformers, it fails to capture global relationship between features. It is obvious that CUT [45] shows limited results containing artifacts, while InstaFormer dramatically improves object-awareness and quality of the generated image thanks to our architecture. Since AdaIN helps to understand global style by leveraging affine parameters, the result without AdaIN, which is replaced with LayerNorm, shows limited preservation on style with a single-modal output. We also validate our ablation study results on human evaluation. 110 participants are asked to consider three aspects: overall quality, semantic consistency and style consistency, summarized in Fig. 10, where we also validate the superiority of each proposed component. In addition, we conduct experiments using MLPMixer [52]-based aggregator that replaces T consisted of ViT [13] blocks to justify robustness of our framework. Fig. 9(c) shows result examples by MLP-Mixer [52]-based aggregator. Although ViT-based model is slightly better on MLP-Mixer [52]-based model in overall quality in Fig. 9(b), the object instance and style representation are faithfully preserved, which indicates that our method can be adopted in another Transformer backbone. Method Pers Car Truc. Bic mAP DT [26] 28.5 40.7 25.9 29.7 31.2 DAF [23] 39.2 40.2 25.7 48.9 38.5 DARL [34] 46.4 58.7 27.0 49.1 45.3 DAOD [49] 47.3 59.1 28.3 49.6 46.1 DUNIT [3] 60.7 65.1 32.7 57.7 54.1 MGUIT [28] 58.3 68.2 33.4 58.4 54.6 InstaFormer 61.8 69.5 35.3 55.3 55.5 Table 3. Results for domain adaptive detection. We compare the per-class Average Precision for KITTI \u2192CityScape. 4.5. Domain Adaptive Object Detection Additionally, we evaluate our method on the task of unsupervised domain adaptation for object detection. We follow the experimental setup in DUNIT [3]. We used Faster-RCNN [48] as baseline detector. In Table 3, we report the per-class average precisions (AP) for the KITTI\u2192Cityscapes case [9, 16]. Compared to DUNIT [3] and MGUIT [28], our model shows impressive results. It should be noted that we do not access any information about bounding box information on test-time, while DUNIT contains object detection network and MGUIT has access to trained external memory by reading class-aware features. In particular, our model significantly outperforms other methods in almost all classes, which indicates that our suggested instance loss has strength on instance-awareness. 5."
+ }
+ ],
+ "Santabrata Das": [
+ {
+ "url": "http://arxiv.org/abs/2205.07737v1",
+ "title": "On the origin of core radio emissions from black hole sources in the realm of relativistic shocked accretion flow",
+ "abstract": "We study the relativistic, inviscid, advective accretion flow around the\nblack holes and investigate a key feature of the accretion flow, namely the\nshock waves. We observe that the shock-induced accretion solutions are\nprevalent and such solutions are commonly obtained for a wide range of the flow\nparameters, such as energy (${\\cal E}$) and angular momentum ($\\lambda$),\naround the black holes of spin value $0\\le a_{\\rm k} < 1$. When the shock is\ndissipative in nature, a part of the accretion energy is released through the\nupper and lower surfaces of the disc at the location of the shock transition.\nWe find that the maximum accretion energies that can be extracted at the\ndissipative shock ($\\Delta{\\cal E}^{\\rm max}$) are $\\sim 1\\%$ and $\\sim 4.4\\%$\nfor Schwarzschild black holes ($a_{\\rm k}\\rightarrow 0$) and Kerr black holes\n($a_{\\rm k}\\rightarrow 1$), respectively. Using $\\Delta{\\cal E}^{\\rm max}$, we\ncompute the loss of kinetic power (equivalently shock luminosity, $L_{\\rm\nshock}$) that is enabled to comply with the energy budget for generating\njets/outflows from the jet base ($i.e.$, post-shock flow). We compare $L_{\\rm\nshock}$ with the observed core radio luminosity ($L_R$) of black hole sources\nfor a wide mass range spanning $10$ orders of magnitude with sub-Eddington\naccretion rate and perceive that the present formalism seems to be potentially\nviable to account $L_R$ of $16$ Galactic black hole X-ray binaries (BH-XRBs)\nand $2176$ active galactic nuclei (AGNs). We further aim to address the core\nradio luminosity of intermediate-mass black hole (IMBH) sources and indicate\nthat the present model formalism perhaps adequate to explain core radio\nemission of IMBH sources in the sub-Eddington accretion limit.",
+ "authors": "Santabrata Das, Anuj Nandi, C. S. Stalin, Suvendu Rakshit, Indu Kalpa Dihingia, Swapnil Singh, Ramiz Aktar, Samik Mitra",
+ "published": "2022-05-16",
+ "updated": "2022-05-16",
+ "primary_cat": "astro-ph.HE",
+ "cats": [
+ "astro-ph.HE"
+ ],
+ "main_content": "INTRODUCTION The observational evidence of the ejections of matter from the BH-XRBs (Rodriguez, Mirabel, & Marti 1992; Mirabel & Rodr\u00b4 \u0131guez 1994) and AGNs (Jennison & Das Gupta 1953; Junor, Biretta, & Livio 1999) strongly suggests that there possibly exists a viable coupling between the accreting and the out\ufb02owing matters (Feroci et al. 1999; Willott et al. 1999; Ho & Peng 2001; Pahari et al. 2018; Russell et al. 2019a; de Haas et al. \u22c6E-mail: sbdas@iitg.ac.in (SD) \u2020 E-mail: anuj@ursc.gov.in (AN) 2021). Since the ejected matters are in general collimated, they are likely to be originated from the inner region of the accretion disc and therefore, they may reveal the underlying physical processes those are active surrounding the black holes. Further, observational studies indicate that there is a close nexus between the jet launching and the spectral states of the associated black holes (Vadawale et al. 2001; Chakrabarti et al. 2002; Gallo, Fender, & Pooley 2003; Fender, Homan, & Belloni 2009; Radhika et al. 2016; Blandford, Meier, & Readhead 2019). All these \ufb01ndings suggest that the jet generation mechanism seems to be strongly connected with the accretion process around the black holes of di\ufb00erent mass \u00a9 0000 The Authors \f2 Das et al. irrespective to be either BH-XRBs or AGNs. Meanwhile, numerous e\ufb00orts were made both in theoretical (Chakrabarti 1999; Das & Chakrabarti 1999; Blandford & Begelman 1999; Das, Chattopadhyay, & Chakrabarti 2001; McKinney & Blandford 2009; Das et al. 2014; Ressler et al. 2017; Aktar, Nandi, & Das 2019; Okuda et al. 2019) as well as observational fronts to explain the disc-jet symbiosis (Feroci et al. 1999; Brinkmann et al. 2000; Nandi et al. 2001; Fender, Belloni, & Gallo 2004; Miller-Jones et al. 2012; Miller et al. 2012; Sbarrato, Padovani, & Ghisellini 2014; Radhika et al. 2016; Svoboda, Guainazzi, & Merloni 2017; Blandford, Meier, & Readhead 2019). The \ufb01rst ever attempt to examine the correlation between the X-ray (LX) and radio (LR) luminosities for black hole candidate GX 339-4 during its hard states was carried out by Hannikainen et al. (1998), where it was found that LR scales with LX following a power-law. Soon after, Fender (2001) reported that the compact radio emissions are associated with the Low/Hard State (LHS) of several black hole binaries. Similar trend was seen to follow by several such BH-XRBs (Corbel et al. 2003; Gallo, Fender, & Pooley 2003). Later, Merloni, Heinz, & di Matteo (2003) revisited this correlation including the low-luminosity AGNs (LLAGNs) and found tight constraints on the correlation described as the Fundamental Plane of the black hole activity in a three-dimensional plane of (LR, LX, MBH), where MBH denotes the mass of the black hole. Needless to mention that the above correlation study was conducted considering the core radio emissions at 5 GHz in all mass scales ranging from stellar mass (\u223c10 M\u2299) to Supermassive (\u223c106\u221210 M\u2299) black holes. To explain the correlation, Heinz & Sunyaev (2003) envisaged a non-linear dependence between the mass of the central black hole and the observed \ufb02ux considering core dominated radio emissions. Subsequently, several group of authors further carried out the similar works to reveal the rigor of various physical processes responsible for such correlation (Falcke, K\u00a8 ording, & Marko\ufb00 2004; K\u00a8 ording, Falcke, & Corbel 2006; Merloni et al. 2006; Wang, Wu, & Kong 2006; Panessa et al. 2007; G\u00a8 ultekin et al. 2009; Plotkin et al. 2012; Corbel et al. 2013; Dong & Wu 2015; Panessa et al. 2015; Nisbet & Best 2016; G\u00a8 ultekin et al. 2019). In the quest of the disc-jet symbiosis, many authors pointed out that the accretion-ejection phenomenon is strongly coupled and advective accreting disc plays an important role in powering the jets/out\ufb02ows (Das & Chakrabarti 1999; Blandford & Begelman 1999; Chattopadhyay, Das, & Chakrabarti 2004; Aktar, Nandi, & Das 2019, and references therein). In reality, an advective accretion \ufb02ow around the black holes is necessarily transonic because of the fact that the infalling matter must satisfy the inner boundary conditions imposed by the event horizon. During accretion, rotating matter experiences centrifugal repulsion against gravity that yields a virtual barrier in the vicinity of the black hole. Eventually, such a barrier triggers the discontinuous transition of the \ufb02ow variables to form shock waves (Landau & Lifshitz 1959; Frank et al. 2002). In reality, the downstream \ufb02ow is compressed and heated up across the shock front that eventually generates additional entropy all the way up to the horizon. Hence, accretion solutions harboring shock waves are naturally preferred according to the 2nd law of thermodynamics (Becker & Kazanas 2001). Previous studies corroborate the presence of hydrodynamic shocks (Fukue 1987; Chakrabarti 1989; Nobuta & Hanawa 1994; Lu et al. 1999; Fukumura & Tsuruta 2004; Chakrabarti & Das 2004; Mo\u00b4 scibrodzka, Das, & Czerny 2006; Das & Czerny 2011; Aktar, Das, & Nandi 2015; Dihingia et al. 2019), and magnetohydrodynamic (MHD) shocks (Koide, Shibata, & Kudoh 1998; Takahashi et al. 2002; Das & Chakrabarti 2007; Fukumura & Kazanas 2007; Takahashi & Takahashi 2010; Sarkar & Das 2016; Fukumura et al. 2016; Okuda et al. 2019; Dihingia et al. 2020) in both BH-XRB and AGN environments. Extensive numerical simulations of the accretion disc independently con\ufb01rm the formation of shocks as well (Ryu, Chakrabarti, & Molteni 1997; Fragile & Blaes 2008; Das et al. 2014; Generozov et al. 2014; Okuda & Das 2015; Sukov\u00b4 a & Janiuk 2015; Okuda et al. 2019; Palit, Janiuk, & Czerny 2020). Due to the shock compression, the post-shock \ufb02ow becomes hot and dense that results in a pu\ufb00ed up torus like structure which acts as the e\ufb00ective boundary layer of the black hole and is commonly called as post-shock corona (hereafter PSC). In general, PSC is hot enough (T \u2273109 K) to de\ufb02ect out\ufb02ows which may be further accelerated by the radiative processes active in the disc (Chattopadhyay, Das, & Chakrabarti 2004). Hence, the out\ufb02ows/jets are expected to carry a fraction of the available energy (equivalently core emission) at the PSC, which in general considered as the base of the out\ufb02ows/jets (Chakrabarti 1999; Das et al. 2001; Chattopadhyay & Das 2007; Das & Chattopadhyay 2008; Singh & Chakrabarti 2011; Sarkar & Das 2016). Becker and his collaborators showed that the energy extracted from the accretion \ufb02ow via isothermal shock can be utilized to power the relativistic particles emanating from the disc (Le & Becker 2005; Becker, Das, & Le 2008; Das, Becker, & Le 2009; Lee & Becker 2020). Moreover, magnetohydrodynamical study of the accretion \ufb02ows around the black holes also accounts for possible role of shock as the source of high energy radiation (Nishikawa et al. 2005; Takahashi et al. 2006; Hardee, Mizuno, & Nishikawa 2007; Takahashi & Takahashi 2010). An important generic feature of shock wave is that it is likely to be radiatively e\ufb03cient. For that, shocks become dissipative in nature where an amount of accreting energy is escaped at the shock location through the disc surface resulting the overall reduction of downstream \ufb02ow energy all the way down to the horizon. This energy loss is mainly regulated by a plausible mechanism known as the thermal Comptonization process (Chakrabarti & Titarchuk 1995; Das, Chakrabarti, & Mondal 2010, and references therein). Assuming the energy loss to be proportional to the di\ufb00erence of temperatures across the shock front, the amount of energy dissipation at the shock can be estimated (Das, Chakrabarti, & Mondal 2010), which is same as the accessible energy at the PSC. A fraction of this energy could be utilized to produce and power out\ufb02ows/jets as they are likely to originate from the PSC around the black holes (Chakrabarti 1999; Das, Chattopadhyay, & Chakrabarti 2001; Aktar, Das, & Nandi 2015; Okuda et al. 2019). Being motivated with this appealing energy extraction mechanism, in this paper, we intend to study the stationary, axisymmetric, relativistic, advective accretion \ufb02ow around MNRAS 000, 1\u201315 (0000) \fCore radio emissions from black hole sources 3 the black holes in the realm of general relativity and selfconsistently obtain the global accretion solutions containing dissipative shock waves. Such dissipative shock solution has not yet been explored in the literature for maximally rotating black holes having spin ak \u21921. We quantitatively estimate the amount of the energy released through the upper and lower surface of the disc at the shock location and show how the liberated energy a\ufb00ects the shock dynamics. We also compute the maximum available energy dissipated at the shock for 0 \u2264ak < 1. Utilizing the usable energy available at the PSC, we estimate the loss of kinetic power (which is equivalent to shock luminosity) from the disc (Lshock) which drives the jets/out\ufb02ows. It may be noted that the kinetic power associated with the base of the out\ufb02ows/jets is interpreted as the core radio emission. Further, we investigate the observed correlation between radio luminosities and the black hole masses, spanning over ten orders of magnitude in mass for BH-XRBs as well as AGNs. We show that the radio luminosities in both BH-XRBs and AGNs are in general much lower as compared to the possible energy loss at the PSC and therefore, we argue that the dissipative shocks seem to be potentially viable to account the energy budget associated with the core radio luminosities in all mass scales. Considering this, we aim to reveal the missing link between the BH-XRBs and AGNs in connection related to the jets/out\ufb02ows. Employing our model formalism, we estimate the core radio luminosity of the intermediate mass black hole (IMBH) sources in terms of the central mass. The article is organized as follows: In Section 2, we describe our model and mention the governing equations. We present the solution methodology in Section 3. In Section 4, we discuss our results in detail. In Section 5, we discuss the observational implications of our formalism to explain the core radio emissions from black holes in all mass scales. Finally, we present the conclusion in Section 6. 2 ASSUMPTIONS AND GOVERNING MODEL EQUATIONS We consider a steady, geometrically thin, axisymmetric, relativistic, advective accretion disc around a black hole. Throughout the study, we use a unit system as G = MBH = c = 1, where MBH, G and c are the mass of the black hole, gravitational constant and speed of light, respectively. In this unit system, length and angular momentum are expressed in terms of GMBH/c2 and GMBH/c. Since we have considered MBH = 1, the present analysis is applicable for black holes of all mass scales. In this work, we investigate the accretion \ufb02ow around a Kerr black hole and hence, we consider Kerr metric in Boyer-Lindquist coordinates (Boyer & Lindquist 1967) as, ds2 = g\u00b5\u03bddx\u00b5dx\u03bd, = gttdt2 + 2gt\u03c6dtd\u03c6 + grrdr2 + g\u03b8\u03b8d\u03b82 + g\u03c6\u03c6d\u03c62, (1) where x\u00b5 (\u2261t, r, \u03b8, \u03c6) denote coordinates and gtt = \u2212(1 \u2212 2r/\u03a3), gt\u03c6 = \u22122akr sin2 \u03b8/\u03a3, grr = \u03a3/\u2206, g\u03b8\u03b8 = \u03a3 and g\u03c6\u03c6 = A sin2 \u03b8/\u03a3 are the non-zero metric components. Here, A = (r2 + a2 k)2 \u2212\u2206a2 k sin2 \u03b8, \u03a3 = r2 + a2 k cos2 \u03b8, \u2206= r2 \u2212 2r+a2 k, and ak is the black hole spin. In this work, we follow a convention where the four velocities satisfy u\u00b5u\u00b5 = \u22121. Following Dihingia, Das, & Nandi (2019), we obtain the governing equations that describe the accretion \ufb02ow for a geometrically thin accretion disc which are given by, (a) the radial momentum equation: urur ,r + 1 2grr gtt,r gtt + 1 2urur \u0012gtt,r gtt + grrgrr,r \u0013 +u\u03c6utgrr \u0012gt\u03c6 gtt gtt,r \u2212gt\u03c6,r \u0013 + 1 2u\u03c6u\u03c6grr \u0012g\u03c6\u03c6gtt,r gtt \u2212g\u03c6\u03c6,r \u0013 + (grr + urur) e + p p,r = 0. (2) (b) the continuity equation: \u02d9 M = \u22124\u03c0rur\u03c1H, (3) where e is the energy density, p is the local gas pressure, \u02d9 M is the accretion rate treated as global constant, and r stands for radial coordinate. Moreover, H refers the local half-thickness of the disc and is given by (Ri\ufb00ert & Herold 1995; Peitz & Appl 1997; Dihingia, Das, & Nandi 2019), H = \u0012pr3 \u03c1F \u00131/2 ; with F = \u03b32 \u03c6 (r2 + a2 k)2 + 2\u2206a2 k (r2 + a2 k)2 \u22122\u2206a2 k , where \u03b32 \u03c6 = 1/(1 \u2212v2 \u03c6) is the bulk azimuthal Lorentz factor and v2 \u03c6 = u\u03c6u\u03c6/(\u2212utut). We de\ufb01ne the radial three velocity in the co-rotating frame as v2 = \u03b32 \u03c6v2 r and thus, we have the bulk radial Lorentz factor \u03b32 v = 1/(1 \u2212v2), where v2 r = urur/(\u2212utut). In order to solve equations (2-3), a closure equation in the form of Equation of State (EoS) describing the relation among the thermodynamical quantities, namely density (\u03c1), pressure (p) and energy density (e) is needed. For that we adopt an EoS for relativistic \ufb02uid which is given by (Chattopadhyay & Ryu 2009), e = \u03c1f \u0010 2 \u2212mp me \u0011, with f = \u0014 1 + \u0398 \u00129\u0398 + 3 3\u0398 + 2 \u0013\u0015 + \u0014mp me + \u0398 \u00129\u0398me + 3mp 3\u0398me + 2mp \u0013\u0015 , where \u0398 (= kBT/mec2) is the dimensionless temperature, me is the mass of electron, and mp is the mass of ion, respectively. According to the relativistic EoS, we express the speed of sound as as = p 2\u0393\u0398/(f + 2\u0398), where \u0393 = (1 + N)/N is the adiabatic index, and N = (1/2)(d f/d\u0398) is the polytropic index of the \ufb02ow (Dihingia, Das, & Nandi 2019). In this work, we use a stationary metric g\u00b5\u03bd which has axial symmetry and this enables us to construct two Killing vector \ufb01elds \u2202t and \u2202\u03c6 that provide two conserved quantities for the \ufb02uid motion in this gravitational \ufb01eld and are given by, hu\u03c6 = constant; \u2212hut = constant = E, (4) where h [= (e+p)/\u03c1] is the speci\ufb01c enthalpy of the \ufb02uid, E is the relativistic Bernoulli constant (i.e., the speci\ufb01c energy of the \ufb02ow). Here, ut = \u2212\u03b3v\u03b3\u03c6/ p \u03bbgt\u03c6 \u2212gtt, where \u03bb (= \u2212u\u03c6/ut) denotes the conserved speci\ufb01c angular momentum. MNRAS 000, 1\u201315 (0000) \f4 Das et al. 3 SOLUTION METHODOLOGY We simplify equations (2) and (3) to obtain the wind equation in the co-rotating frame as, dv dr = N D , (5) where the numerator N is given by, N = \u2212 1 r(r \u22122) + \u03b32 \u03c6\u03bb 2ak r2\u2206+ \u03b32 \u03c6 4a2 k r2\u2206(r \u22122) \u2212\u03b32 \u03c6\u2126\u03bb2a2 k \u2212r2(r \u22123) r2\u2206 + 2ak\u03b32 \u03c6\u2126r2(r \u22123) \u22122a2 k r2\u2206(r \u22122) + 2a2 s \u0393 + 1 \u0014\u0000r \u2212a2 k \u0001 r\u2206 + 5 2r \u22121 2F dF dr \u0015 , (6) and the denominator D is given by, D = \u03b32 v \u0014 v \u2212 2a2 s v(\u0393 + 1) \u0015 , (7) where, \u2126= u\u03c6/ut is the angular velocity of the \ufb02ow. Following Dihingia, Das, & Nandi (2019), we obtain the temperature gradient as, d\u0398 dr = \u2212 2\u0398 2N + 1 \u0014\u0000r \u2212a2 k \u0001 r\u2206 + \u03b32 v v dv dr + 5 2r \u22121 2F dF dr \u0015 . (8) In order to obtain the accretion solution around the black hole, we solve equations (5-8) following the methodology described in Dihingia, Das, & Nandi (2019). While doing this, we speci\ufb01cally con\ufb01ne ourselves to those accretion solutions that harbor standing shocks (Fukue 1987; Chakrabarti 1989; Yang & Kafatos 1995; Lu et al. 1999; Chakrabarti & Das 2004; Fukumura & Tsuruta 2004; Das 2007; Chattopadhyay & Kumar 2016; Sarkar & Das 2016; Dihingia et al. 2019). In general, during the course of accretion, the rotating infalling matter experiences centrifugal barrier at the vicinity of the black hole. Because of this, matter slows down and piles up causing the accumulation of matter around the black hole. This process continues until the local density of matter attains its critical value and once it is crossed, centrifugal barrier triggers the transition of the \ufb02ow variables in the form of shock waves. In reality, shock induced global accretion solutions are potentially favored over the shock free solutions as the entropy content of the former type solution is always higher (Das, Chattopadhyay, & Chakrabarti 2001; Becker & Kazanas 2001). At the shock, the kinetic energy of the supersonic pre-shock \ufb02ow is converted into thermal energy and hence, post-shock \ufb02ow becomes hot and behaves like a Compton corona (Chakrabarti & Titarchuk 1995; Iyer, Nandi, & Mandal 2015; Nandi et al. 2018; Aktar, Nandi, & Das 2019). As there exists a temperature gradient across the shock front, it enables a fraction of the available thermal energy to dissipate away through the disc surface. Evidently, the energy accessible at the postshock \ufb02ow is same as the available energy dissipated at the shock. A part of this energy is utilized in the form of high energy radiations, namely the gamma ray and the X-ray emissions, and the rest is used for the jet/out\ufb02ow generation as they are expected to be launched from the post-shock region (Chakrabarti 1999; Becker, Das, & Le 2008; Das, Becker, & Le 2009; Becker, Das, & Le 2011; Sarkar & Das 2016). These jets/out\ufb02ows further consume some energy simultaneously for their thermodynamical expansion and for the work done against gravity. The remaining energy is then utilized to power the jets/out\ufb02ows. It may be noted that for radiatively ine\ufb03cient adiabatic accretion \ufb02ow, the speci\ufb01c energy in the pre-shock as well as post-shock \ufb02ows remains conserved. In reality, the energy \ufb02ux across the shock front becomes uniform when the shock width is considered to be very thin and the shock is nondissipative (Chakrabarti 1989; Frank et al. 2002) in nature. However, in this study, we focus on the dissipative shocks where a part of the accreting energy is released vertically at the shock causing a reduction of speci\ufb01c energy in the postshock \ufb02ow. The mechanism by which the accreting energy could be dissipated at the shock is primarily governed by the thermal Comptonization process (Chakrabarti & Titarchuk 1995) and because of this, the temperature in the postshock region is decreased. Considering the above scenario, we model the loss of energy (\u2206E) to be proportional to the temperature di\ufb00erence across the shock front and \u2206E is estimated as (Das, Chakrabarti, & Mondal 2010; Singh & Chakrabarti 2011; Sarkar & Das 2016, and references therein), \u2206E = \u03b2(N+a2 s+ \u2212N\u2212a2 s\u2212), (9) where \u03b2 is the proportionality constant that accounts the fraction of the accessible thermal energy across the shock front. Here, the quantities expressed using the subscripts \u2018\u2212\u2019 and \u2018+\u2019 refer their immediate pre-shock and post-shock values, respectively. Needless to mention that because of the energy dissipation at the shock, the post-shock \ufb02ow energy (E+) can be expressed as E+ = E\u2212\u2212\u2206E, where E\u2212denotes the energy of the pre-shock \ufb02ow. In this work, we treat E\u2212 and E+ as free parameters and applying them, we calculate \u2206E from the shocked accretion solutions. Needless to mention that the post-shock \ufb02ow may become bound due to the energy dissipation (\u2206E > 0) across the shock front, however, all the solutions under consideration are chosen as unbound in the pre-shock domain. With this, we calculate \u03b2 using equation (9) for shocked accretion solutions that lies in the range 0 < \u03b2 < 1. It is noteworthy that in this work, the global accretion solutions containing shocks are independent of the accretion rate as radiative cooling processes are not taken into account for simplicity. This eventually imposes limitations in explaining the physical states of the accretion \ufb02ow although the model solutions are su\ufb03ce to characterize the accretion \ufb02ow kinematics in terms of the conserved quantities, namely energy and angular momentum of the \ufb02ow. Now, based on the above insight on the energy budget, the total usable energy available in the post-shock \ufb02ow is \u2206E. Keeping this in mind, we calculate the loss of kinetic power by the disc corresponding to \u2206E in terms of the observable quantities and obtain the shock luminosity (Le & Becker 2004, 2005) as, Lshock = \u02d9 M \u00d7 \u2206E \u00d7 c2 erg s\u22121, (10) where Lshock is the shock luminosity and \u02d9 M is the accretion rate. With this, we compute Lshock considering the dissipative shock mechanism and compare it with core radio luminosity observed from the black hole sources. Indeed, it is clear from equation (10) that Lshock may be degenerate due MNRAS 000, 1\u201315 (0000) \fCore radio emissions from black hole sources 5 Figure 1. Plot of Mach number (M = v/as) as function of radial coordinate (r). Here, the \ufb02ow parameters are chosen as E\u2212= 1.002 and \u03bb = 2.01, and black hole spin is considered as ak = 0.99. Results depicted with solid (purple), dashed (orange) and dotted (green) curves are obtained for \u2206E = 0, 0.0025, and 0.0167, respectively. At the inset, inner critical points (rin) are zoomed which are shown using open circle, open triangle and a cross whereas outer critical point (rout) is shown using \ufb01lled circle. Vertical arrows represent the locations of the shock transition (rs) and the arrows indicate the overall direction of \ufb02ow motion towards the black hole. See text for details. to the di\ufb00erent combinations of \u02d9 M and \u2206E. In this work, we choose the spin value of the black hole in the range 0 \u2264ak \u22640.99. Moreover, in order to represent the LHS of the black hole sources (as \u2018compact\u2019 jets are commonly observed in the LHS (Fender, Belloni, & Gallo 2004)), we consider the value of accretion rate in the range \u02d9 m = \u02d9 M/ \u02d9 MEdd = 10\u22125 \u22121.0 (Wu & Liu 2004; Athulya M. et al. 2021), where \u02d9 MEdd is the Eddington mass accretion rate and is given by \u02d9 MEdd = 1.39 \u00d7 1017 (MBH/M\u2299) g sec\u22121. Furthermore, in order to examine the robustness of our model formalism, we vary the mass of the central black hole in a wide range starting form stellar mass to Supermassive scale, and \ufb01nally compare the results with observations. 4 RESULTS In Fig. 1, we depict the typical accretion solutions around a rotating black hole of spin ak = 0.99. In the \ufb01gure, we plot the variation of Mach number (M = v/a) as function of radial coordinate (r). Here, the \ufb02ow starts its journey from the outer edge of the disc at redge = 5000 subsonically with energy E\u2212= 1.002 and angular momentum \u03bb = 2.01. As the \ufb02ow moves inward, it gains radial velocity due to the in\ufb02uence of black hole gravity and smoothly makes sonic state transition while crossing the outer critical point at rout = 117.5285. At the supersonic regime, rotating \ufb02ow experiences centrifugal barrier against gravity that causes the accumulation of matter in the vicinity of the black hole. Because of this, matter locally piles up resulting the increase of density. Undoubtedly, this process is not continued inde\ufb01nitely due to the fact that at the critical limit of density, centrifugal barrier triggers the discontinuous transition in the \ufb02ow variables in the form of shock waves (Fukue 1987; Frank et al. 2002). At the shock, supersonic \ufb02ow jumps into the subsonic branch where all the preshock kinetic energy of the \ufb02ow is converted into thermal energy. In this case, the \ufb02ow experiences shock transition at rs = 50.47. Just after the shock transition, post-shock \ufb02ow momentarily slows down, however gradually picks up its velocity and ultimately enters into the black hole supersonically after crossing the inner critical point smoothly at rin = 1.4031. This global shocked accretion solution is plotted using solid (purple) curve where arrows indicate the direction of the \ufb02ow motion and the vertical arrow indicates the location of the shock transition. Next, when a part of the \ufb02ow energy (\u2206E) is radiated away through the disc surface at the shock, the post-shock thermal pressure is reduced and the shock front is being pushed further towards the horizon. Evidently, the shock settles down at a smaller radius in order to maintain the pressure balance across the shock front. Following this, when \u2206E = 0.0025 is chosen, we obtain rs = 24.47 and rin = 1.4047, and the corresponding solution is plotted using the dashed curve (orange). When the energy dissipation is monotonically increased, for the same set of \ufb02ow parameters, we \ufb01nd the closest standing shock location at rs = 8.22 for \u2206E = 0.0167. This solution is presented using dotted curve (green) where rin = 1.4147. For the purpose of clarity, in the inset, we zoom the inner critical point locations as they are closely separated. In the \ufb01gure, critical points and the energy dissipation parameters are marked. What is more is that following Chakrabarti & Molteni (1993); Yang & Kafatos (1995); Lu et al. (1997); Fukumura & Kazanas (2007), the stability of the standing shock is examined, where we vary the shock front radially by an in\ufb01nitesimally small amount in order to perturb the radial momentum \ufb02ux density (T rr, Dihingia, Das, & Nandi (2019)). When shock is dynamically stable, it must come back to its original position and the criteria for stable shock is given by, \u03ba(rs) = \u0010 dT rr 2 dr \u2212 dT rr 1 dr \u0011 < 0 (Fukumura & Kazanas 2007). Invoking this criteria, we ascertain that all the standing shocks presented in Fig. 1 are stable. For the same shocked accretion solutions, we compute the various shock properties (see Das 2007; Das, Becker, & Le 2009), namely, shock location (rs), compression ratio (R), shock strength (S), scale height ratio (H+/H\u2212), and present them in Table 1. In reality, as \u2206E increases, shock settles down at the lower radii (Fig. 1) and hence, the temperature of PSC increases due to enhanced shock compression. Moreover, since the disk thickness is largely depends on the local temperature, the scale height ratio increases with the increase of \u2206E yielding the PSC to be more pu\ufb00ed up for stronger shock. Accordingly, we infer that geometrically thick PSC seems to render higher energy dissipation (equivalently Lshock) that possibly leads to produce higher core radio luminosity. We examine the entire range of E+ and \u03bb that provides the global transonic shocked accretion solution around MNRAS 000, 1\u201315 (0000) \f6 Das et al. Table 1. Various shock properties computed for solutions presented in Fig. 1, where \u03bb = 2.01, E\u2212= 1.002 are chosen. See the text for details. \u2206E rout rin rs R S H+/H\u2212 0.0 117.5285 1.4031 50.47 1.58 1.75 1.11 0.0025 117.5285 1.4047 24.47 2.43 2.86 1.20 0.0167 117.5285 1.4147 8.22 3.67 4.35 1.26 Note: \u2206E is the energy loss, rout is the outer critical point, rin is the inner critical point, rs is the shock location, R is the compression ratio, S is the shock strength, and H+/H\u2212refers scale height ratio. Figure 2. Plot of parameter space in \u03bb \u2212E+ plane that admitted shock induced global accretion solutions around the black holes. For \ufb01xed ak = 0.99, we obtain shocked accretion solution passing through the inner critical point and having the minimum energy Emin + . The maximum amount of energy is lost by the \ufb02ow via the disc surface at the shock for Emin + . See text for details. a rapidly rotating black hole of spin value ak = 0.99. The obtained results are presented in Fig. 2, where the e\ufb00ective region bounded by the solid curve (in red) in \u03bb \u2212E+ plane provides the shock solutions for \u2206E = 0. Since energy dissipation at shock is restricted, the energy across the shock front remains same that yields E\u2212= E+. When energy dissipation at shock is allowed (i.e., \u2206E > 0), we have E+ < E\u2212 irrespective to the choice of \u03bb values. We examine all possible range of \u2206E that admits shock solution and separate the domain of the parameter space in \u03bb\u2212E+ plane using dashed curve (in blue). Further, we vary \u03bb freely and calculate the minimum \ufb02ow energy with which \ufb02ow enters into the black hole after the shock transition. In absence of any energy dissipation between the shock radius (rs) and horizon (rh), i.e., in the range rh < r < rs, this minimum energy is identical to the minimum energy of the post-shock \ufb02ow (E+) and we denote it as E min + . Needless to mention that E min + strongly depends on the spin of the black hole (ak) marked in the Figure 3. Plot of maximum available energy across the shock front (\u2206Emax) as function of the black hole spin (ak). Obtained results are depicted by the \ufb01lled circles in orange color which are joined by the green lines. See text for details. \ufb01gure. It is obvious that for a given ak, the maximum energy that can be dissipated at the shock is calculated as \u2206E max = E\u2212\u2212E min + . Subsequently, we freely vary all the input \ufb02ow parameters, namely E\u2212and \u03bb, and calculate \u2206E max for a given ak. The obtained results are presented in Fig. 3, where we depict the variation of \u2206E max as function ak. We \ufb01nd that around 1% of the \ufb02ow energy can be extracted at the dissipative shock for Schwarszchild black hole (weakly rotating, ak \u21920) and about 4.4% of the \ufb02ow energy can be extracted for Kerr black hole (maximally rotating, ak \u21921). In the next section, we use equation (10) to estimate the shock luminosity (Lshock) (equivalent to the kinetic power released by the disc) for black hole sources that include both BH-XRBs and AGNs. While doing this, the jets/out\ufb02ows are considered to be compact as well as core dominated surrounding the central black holes. Further, we compare Lshock with the observed core radio luminosity (LR) of both BHXRBs and AGNs. 5 ASTROPHYSICAL IMPLICATIONS In this work, we focus on the core radio emission at \u223c5 GHz from the black hole sources in all mass scales starting from BH-XRBs to AGNs. We compile the mass, distance, and core radio emission data of the large number of sample sources from the literature. 5.1 Source Selection: BH-XRBs We consider 16 BH-XRBs whose mass and distance are well constrained, and the radio observations of these sources in LHS are readily available (see Table 2). The accretion in MNRAS 000, 1\u201315 (0000) \fCore radio emissions from black hole sources 7 Table 2. Physical and observable parameters of BH-XRBs. Core radio luminosities (LR) are complied from the literature for several sources, if available. For the rest, LR is calculated using source distance (D), observation frequency (\u03bd) and core radio \ufb02ux (F5) values using LR = 4\u03c0\u03bdF5D2, where D refers source distance. Source Name Mass Distance Spin \u03bd Radio Flux Core radio luminosity References (MBH) (D) (ak) (F5) at 5 GHz (LR) (in M\u2299) (in kpc) (in GHz) (in mJy) (in 1030 erg s\u22121) 4U 1543-47 9.42 \u00b1 0.97 7.5 \u00b1 1.0 \u223c0.85 4.8 3.18 \u22124.00 1.03 \u22121.29 1, 2, 3, 44 Cyg X-1 14.8 \u00b1 1.0 1.86 \u00b1 0.12 > 0.99 15 6.00 \u221219.60 0.124 \u22120.406 4, 5, 3, 45ab GRO J1655-40 6.3 \u00b1 0.25 3.2 \u00b1 0.2 \u223c0.98 4.86 1.46 \u22122.01 0.087 \u22120.120 6, 7, 3, 46 GRS 1915+105 12.4+2.0 \u22121.8 8.6+2.0 \u22121.6 \u223c0.99 5.0 25.75 \u2212198.77 11.396 \u221287.967 8, 8, 3, 47 XTE J1118+480 7.1 \u00b1 1.3 1.8 \u00b1 0.6 \u2014 15 6.2 \u22127.5 0.069 \u22120.084 9, 9, 3 XTE J1550-564 9.1 \u00b1 0.6 4.4 \u00b1 0.5 \u223c0.78 4.8 0.88 \u22127.45 0.098 \u22120.829 10, 10, 3, 48 Cyg X-3 2.4+2.1 \u22121.1 \u2020 7.4 \u00b1 1.1 \u2014 \u2014 \u2014 4.36 \u2212269.15 11, 12, 13 GX 339-4 10.08+1.81 \u22121.80 8.4 \u00b1 0.9 > 0.97 \u2014 \u2014 0.00178 \u22120.8128 14, 15, 13, 49 XTE J1859+226 6.55 \u00b1 1.35 6 \u221211 \u223c0.6 \u2014 \u2014 0.151 \u22120.199 16, 17ab, 13, 50 H 1743-322 11.21+1.65 \u22121.96 8.5 \u00b1 0.8 < 0.7 4.8 0.12 \u22122.37 0.05 \u22120.984 18, 19, 20, 19 IGR J17091-3624 10.6 \u221212.3 11 \u221217 < 0.27 5.5 0.17 \u22122.41 0.18 \u22122.52 21, 22, 22, 51 4U 1630-472 10.0 \u00b1 0.1 11.5 \u00b1 0.3 \u223c0.98 4.86 \u22a1 1.4 \u00b1 0.3 1.08 \u22121.98 23, 24, 25, 52ab 4.80 \u22a0 2.6 \u00b1 0.3 MAXI J1535-571 6.47+1.36 \u22121.33 4.1+0.6 \u22120.5 \u223c0.99 5.5 0.18 \u2212377.20 0.02 \u221241.74 26, 27, 28, 53 MAXI J1348-630 11 \u00b1 2 2.2+0.5 \u22120.6 \u2014 5.5 3.4 \u00b1 0.2 0.108 29, 30, 31 MAXI J1820+070 5.73 \u22128.34 2.96 \u00b1 0.33 \u223c0.2 4.7 62 \u00b1 4 3.06 32, 33, 34, 54 V404 Cyg 9.0+0.2 \u22120.6 2.39 \u00b1 0.14 > 0.92 4.98 \u229e 0.141 \u22120.680 0.005 \u22120.023 35, 36, 37, 55 Swift J1357.2-0933 > 9.3 2.3 \u22126.3 \u2014 5.5 \u2014 0.0043 \u22120.033 38, 39ab, 40 MAXI J0637-430 8.0\u2020 10.0 \u2014 5.5 0.066 \u00b1 0.015 0.043 41, 42, 43 References: 1: Orosz (2003), 2: Park et al. (2004), 3: G\u00a8 ultekin et al. (2019), 4: Orosz et al. (2011a), 5: Reid et al. (2011), 6: Greene, Bailyn, & Orosz (2001), 7: Jonker & Nelemans (2004), 8: Reid et al. (2014), 9: McClintock et al. (2001), 10: Orosz et al. (2011b), 11: Zdziarski, Mikolajewska, & Belczynski (2013), 12: McCollough, Corrales, & Dunham (2016), 13: Merloni, Heinz, & di Matteo (2003), 14: Sreehari et al. (2019), 15: Parker et al. (2016), 16: Nandi et al. (2018), 17a: Hynes et al. (2002), 17b: Zurita et al. (2002), 18: Molla et al. (2017), 19: Steiner, McClintock, & Reid (2012), 20: Corbel et al. (2005), 21: Iyer, Nandi, & Mandal (2015), 22: Rodriguez et al. (2011), 23: Sei\ufb01na, Titarchuk, & Shaposhnikov (2014), 24: Kalemci, Maccarone, & Tomsick (2018), 25: Hjellming et al. (1999), 26: Sreehari et al. (2019), 27: Chauhan et al. (2019), 28: Russell et al. (2019a), 29: Lamer et al. (2020), 30: Chauhan et al. (2021), 31: Russell et al. (2019b), 32: Torres et al. (2020), 33: Atri et al. (2020), 34: Trushkin et al. (2018), 35: Khargharia, Froning, & Robinson (2010), 36: Miller-Jones et al. (2009), 37: Plotkin et al. (2019), 38: Corral-Santana et al. (2016), 39a: Mata S\u00b4 anchez et al. (2015), 39b: Shahbaz et al. (2013), 40: Paice et al. (2019), 41: Baby et al. (2021), 42: Tetarenko et al. (2021), 43: Russell et al. (2019), 44: Shafee et al. (2006), 45a: Zhao et al. (2021), 45b: Kushwaha, Agrawal, & Nandi (2021), 46: Stuchl\u00b4 \u0131k & Kolo\u02c7 s (2016), 47: Sreehari et al. (2020), 48: Miller et al. (2009), 49: Ludlam, Miller, & Cackett (2015), 50: Steiner, McClintock, & Narayan (2013), 51: Wang et al. (2018), 52a: King et al. (2014), 52b: Pahari et al. (2018), 53: Miller et al. (2018), 54: Guan et al. (2021), 55: Walton et al. (2017) \u2020: Mass estimate of these sources are uncertain, till date. \u22a1: VLA observation; \u22a0: ATCA observation; \u229e: VLBA observation in 2014. Note: References for black hole mass (MBH), distance (D), F\u03bd or LR, and spin (ak) are given in column 8 in sequential order. Data are complied based on the recent \ufb01ndings (see also Merloni, Heinz, & di Matteo (2003); G\u00a8 ultekin et al. (2019)). LHS (Belloni et al. 2005; Nandi et al. 2012) is generally coupled with the core radio emission (Fender, Belloni, & Gallo 2004) from the sources. Because of this, we include the observation of compact radio emission at \u223c5 GHz to calculate the radio luminosity while excluding the transient radio emissions (i.e., relativistic jets) commonly observed in soft-intermediate state (SIMS) (see Fender, Belloni, & Gallo 2004; Fender, Homan, & Belloni 2009; Radhika & Nandi 2014; Radhika et al. 2016, and references therein). It may be noted that the core radio luminosity of some of these sources are observed at di\ufb00erent frequency bands (such as 15 GHz). For Cyg X-1, 15 GHz radio luminosity was converted to 5 GHz radio luminosity assuming a \ufb02at spectrum (Fender et al. 2000), whereas for XTE J1118+480, we convert the 15 GHz radio luminosity to 5 GHz radio luminosity using a radio spectral index of \u03b1 = +0.5 considering F\u03bd = \u03bd\u03b1 (Fender et al. 2001). For these sources, we calculate 5 GHz radio luminosity using the relation LR \u2261\u03bdL\u03bd = MNRAS 000, 1\u201315 (0000) \f8 Das et al. 4\u03c0\u03bdF5D2 (see G\u00a8 ultekin et al. 2019), where \u03bd \u223c5 GHz, F5 are the \u223c5 GHz \ufb02ux, and D is the distance of the source, respectively. It may be noted that our BH-XRB source samples di\ufb00er from Merloni, Heinz, & di Matteo (2003) and G\u00a8 ultekin et al. (2019) because of the fact that we use most recent and re\ufb01ned estimates of mass and distance of the sources under consideration, and accordingly we calculate their radio luminosity. Further, we exclude the source LS 5039 from Table 2 as it is recently identi\ufb01ed as NS-Plusar source (Yoneda et al. 2020). In Table 2, we summarize the details of the selected sources, where columns 1 \u22128 represent source name, mass, distance, spin, observation frequency (\u03bd), radio \ufb02ux (F5), core radio luminosity (LR) and relevant references, respectively. 5.2 Source Selection: SMBH in AGN We consider a group of AGN sources following G\u00a8 ultekin et al. (2019) (hereafter G19) that includes both Seyferts and LLAGNs. For these sources, G\u00a8 ultekin et al. (2019) carried out the image analysis to extract the core radio \ufb02ux (F\u03bd) that eventually renders their core radio luminosity (LR). Here, we adopt a source selection criteria as (a) MBH > 105M\u2299and (b) source observations at radio frequency \u03bd \u223c5 GHz, that all together yields 61 source samples. Subsequently, we calculate the core radio luminosity of these sources as LR = 4\u03c0\u03bdF5D2, where F5 denote the core radio luminosity at \u03bd = 5 GHz frequency and obtain LR = 1032.5 \u22121040.8 erg s\u22121. Next, we use the catalog of Rakshit, Stalin, & Kotilainen (2020) (hereafter R20) to include Supermassive black holes (SMBHs) in our sample sources. The R20 catalog contains spectral properties of \u223c500, 000 quasars up to redshift factor (z) \u223c5 covering a wide range of black hole masses 107 \u22121010M\u2299. The mass of the SMBHs in the catalog is obtained by employing the Virial relation where the size of the broad line region can be estimated from the AGN luminosity and the velocity of the cloud can be calculated using the width of the emission line. Accordingly, the corresponding relation for the estimation of SMBH mass is given by (Kaspi et al. 2000), log \u0012MBH M\u2299 \u0013 = a + b log \u0012 \u03bbL\u03bb 1044erg s\u22121 \u0013 + 2 log \u0012 \u2206V km s\u22121 \u0013 , (11) where L\u03bb is the monochromatic continuum luminosity at wavelength \u03bb and \u2206V is the FWHM of the emission line. The coe\ufb03cients a and b are empirically calibrated based on the size-luminosity relation either from the reverberation mapping observations (Kaspi et al. 2000) or internally calibrated based on the di\ufb00erent emission lines (Vestergaard & Peterson 2006). Depending on the redshift, various combinations of emission line (H\u03b2, Mg II, C IV) and continuum luminosity (L5100, L3000, L1350) are used. A detailed description of the mass measurement method is described in R20. The majority of AGN in R20 sample have MBH > 108M\u2299. As the low-luminosity AGNs (LLAGNs) with mass MBH < 107M\u2299are not included in R20 sample, we explore the low-luminosity AGN catalog of Liu et al. (2019) (hereafter L19). It may be noted that in L19, the black hole mass is estimated by taking the average of the two masses obtained independently from the H\u03b1 and H\u03b2 lines. In order to \ufb01nd the radio-counterpart and to estimate the associated radio luminosity, we cross-match both catalogs (i.e., L19 and R20) with 1.4 GHz FIRST survey (White et al. 1997) within a search radius of 2 arc sec. The radio-detection fraction is 3.4% for R20 and 11.7% for L19 AGN samples. We note that the present analysis deals with core radio emissions of black hole sources and many AGNs show powerful relativistic jets which could be launched due to Blandford-Znajek (BZ) process (Blandford & Znajek 1977) instead of accretion \ufb02ow. Meanwhile, Rusinek et al. (2020) reported that the jet production e\ufb03ciency of radio loud AGNs (RL-AGNs) is 10% of the accretion disc radiative e\ufb03ciency, while this is only 0.02% in the case of radio quiet AGNs (RQ-AGNs) suggesting that the collimated, relativistic jets ought to be produced by the BZ mechanism rather than the accretion \ufb02ow. Subsequently, we calculate the radio-loudness parameter (R, de\ufb01ned by the ratio of FIRST 1.4 GHz to optical g-band \ufb02ux) and restrict our source samples for radio-quiet (R < 19; see Komossa et al. 2006) AGNs. As some radio sources are present in both catalogs (i.e., L19 and R20), we exclude common sources from R20. With this, we \ufb01nd 1207 and 911 radio-quiet AGNs in the R20 and L19 AGN sample, respectively. Accordingly, the \ufb01nal sample contains 2118 AGNs with black hole mass in the range 105.1 < (MBH/M\u2299) < 1010.3. The FIRST catalog provides 1.4 GHz integrated radio \ufb02ux (F1.4), which is further converted to the luminosity L1.4 (in watt/Hz) at 1.4 GHz using the following equation as, L1.4 = 4\u03c0 \u00d7 10\u22127 \u00d7 D2 L (1 + z)(1+\u03b1) \u00d7 F1.4, (12a) where we set the spectral index \u03b1 = \u22120.8 considering F\u03bd = \u03bd\u03b1 (Condon 1992) and DL refers the luminosity distance. Thereafter, we obtain the core radio luminosity LR at 5 GHz adopting the relation (Yuan et al. 2018) given by, log LR = (20.9 \u00b1 2.1) + (0.77 \u00b1 0.08) log L1.4. (12b) where LR is expressed in erg s\u22121. The radio luminosity at 5 GHz of our AGN sample has a range of LR = 1036.2 \u22121041.2 erg s\u22121. Following Rusinek et al. (2020), we further calculate the mean jet production e\ufb03ciency of our sample and it is found to be only \u223c0.02% compared to the disc radiative e\ufb03ciency. Such a low jet production e\ufb03ciency suggests that the production of the jets in our sample is possibly due to accretion \ufb02ow rather than the BZ process. Moreover, we calculate the 0.2 \u221212 keV X-ray luminosity (Lx) from the XMM-Newton data (Rosen et al. 2016, 3XMM-DR7) for 119 AGNs having both X-ray and radio \ufb02ux measurements. The Lx ranges from 1 \u00d7 1041 \u22122 \u00d7 1046 erg s\u22121 with a median of 1044 erg s\u22121 . The ratio of X-ray (0.2 \u221212 KeV) luminosity to radio luminosity (LR at 1.4 GHz) has a range of Lx/LR \u223c1.5 \u00d7 102 \u22126.6 \u00d7 105 with a median of 2.6 \u00d7 104. 5.3 Comparison of Lshock with Observed Core Radio Emission (LR) of BH-XRBs and AGNs In Fig. 4, we compare the shock luminosity (equivalently loss of kinetic power) obtained due to the energy dissipation at MNRAS 000, 1\u201315 (0000) \fCore radio emissions from black hole sources 9 Figure 4. Plot of kinetic power Lshock (in erg s\u22121) released through the upper and lower surface of the disc due to the energy dissipation at the accretion shock as function of the central black hole mass (MBH). The same is compared with the observed core radio emission (LR) of BH-XRBs and AGNs source samples. Shaded region (light-green) represents the model estimate of Lshock obtained for accretion rates 10\u22125 \u2272\u02d9 m \u22721 and 0 \u2264ak < 1. Open circles denote BH-XRBs, whereas open diamonds, red dots and blue dots represent the AGN samples taken from G\u00a8 ultekin et al. (2019), Liu et al. (2019) and Rakshit, Stalin, & Kotilainen (2020), respectively. Open squares and open triangles illustrate LR for IMBH sources. Solid, dotted, dot-dashed and dashed lines indicate the results obtained from liner regression for AGNs (L19), AGNs (R20), AGNs (G19), and BH-XRBs, respectively. See text for details. the shock with the observed core radio luminosities of central black hole sources of masses in the range \u223c3\u22121010M\u2299. The chosen source samples contain several BH-XRBs and a large number of AGNs. In the \ufb01gure, the black hole mass (in units of M\u2299) is varied along the x-axis, observed core radio luminosity (LR) is varied along y-axis (left side) and shock luminosity (Lshock) is varied along the y-axis (right side), respectively. We use \u2206E max calculated for black holes having spin range 0 \u2264ak \u22640.99 (see Fig. 3), to compute the shock luminosity Lshock which is analogous to the core radio luminosity (LR) of the central black hole sources. Here, the radio core is assumed to remain con\ufb01ned around the disk equatorial plane (\u03b8 \u223c\u03c0/2) in the region r \u2264rs. We vary the accretion rate in the range 10\u22125 \u2264\u02d9 m \u22641 to include both gas-pressure and radiation pressure dominated disc (Kadowaki, de Gouveia Dal Pino, & Singh 2015, and references therein) and obtain the kinetic power Lshock that is depicted using light-green color shade in Fig. 4. The open green circles correspond to the core radio emission from the 16 BH-XRBs while the dots and diamonds represent the same for AGNs. The black diamonds represent 61 AGN source samples adopted from G\u00a8 ultekin et al. (2019). The red dots (908 samples) denote the low-luminosity AGNs (LLAGNs) (Liu et al. 2019) and the blue dots (1207 samples) represent the quasars (Rakshit, Stalin, & Kotilainen 2020). At the inset, these three sets of AGN source samples are marked as AGNs (G19), AGNs (L19) and AGNs (R20), respectively. It is to be noted that we exclude Cyg X-3 from this analysis due to the uncertainty of its mass estimate and in the \ufb01gure, we mark this source using red asterisk inside open circle. We carry out the linear regression analysis for (a) BH-XRBs, (b) AGNs (G19), (c) AGNs (L19), and (d) AGNs (R20) and estimate the correlation between the mass (MBH) and the core radio luminosity (LR) of the black hole sources. We \ufb01nd that LR \u223cM 1.5 BH for BH-XRBs (dashed line), LR \u223cM 0.98 BH for AGNs (G19) (dot-dashed line), LR \u223cM 0.38 BH for AGNs (L19) (solid line), and LR \u223cM 0.54 BH for AGNs (R20) (dotted line), respectively. Fig. 4 clearly indicates that the kinetic power released because of the energy dissipation at the shock seems to be capable of explaining the core radio emission from the MNRAS 000, 1\u201315 (0000) \f10 Das et al. central black holes. In particular, the results obtained from the present formalism suggest that for \u02d9 m \u22721, only a fraction of the released kinetic power at the shock perhaps viable to cater the energy budget required to account the core radio emission for supermassive black holes although LR for stellar mass black holes coarsely follows shock luminosity (Lshock). It is noteworthy to mention that the radio luminosity of AGNs from G19 are in general lower compared to the same for sources from R20 and L19 catalogs. In reality, AGNs from L19 and R20 are mostly distant unresolved sources where it remains challenging to separate the core radio \ufb02ux from the lobe regions. Hence, a fraction of the lobe contribution is likely to be present in the estimation of their LR values even for radio quiet AGNs. Nonetheless, we infer that the inclusion of the L19 and R20 sources will not alter the present \ufb01ndings of our analysis at least qualitatively. 5.4 LR for Intermediate Mass Black Holes The recent discovery by the LIGO collaboration resolves the long pending uncertainty of the possible existence of the intermediate mass black holes (IMBHs) (Abbott et al. 2020). They reported the detection of IMBH of mass 142 M\u2299which is formed through the merger of two smaller mass black holes. This remarkable discovery establishes the missing link between the stellar mass black holes (MBH \u227220M\u2299) and the Supermassive black holes (MBH \u2273106M\u2299). Due to limited radio observations of the IMBH sources, model comparison with observation becomes unfeasible. Knowing this constrain, however, there remains a scope to predict the radio \ufb02ux for these sources by knowing the disc X-ray luminosity (LX), source distance (D), and possible range of the source mass (MBH). Following Merloni, Heinz, & di Matteo (2003), we obtain the radio \ufb02ux (F5) at 5 GHz using the relation given by, F5 =10 \u00d7 \u0012 LX 3 \u00d7 1031 erg s\u22121 \u00130.6 \u00d7 \u0012 MBH 100M\u2299 \u00130.78 \u00d7 \u0012 D 10 kpc \u0013\u22122 \u00b5Jy. (13) Thereafter, using equation (13), we calculate LR = 4\u03c0\u03bdF5D2 (see Table 3). As a case study, we choose two IMBH sources whose LX and D are known from the literature and examine the variation of LR in terms of the source mass (MBH). Since the mass of IC 342 X-1 source possibly lie in the range of 50 \u2272MBH/M\u2299\u2272103 (Cseh et al. 2012; Agrawal & Nandi 2015), we obtain the corresponding LR values which is depicted by the open squares joined with straight line in Fig. 4. Similarly, we estimate LR for M82 X-1 source by varying MBH in the range \u223c250 \u2212500 M\u2299 (Pasham, Strohmayer, & Mushotzky 2014) and the results are presented by open triangles joined with straight line in Fig. 4. Needless to mention that the predicted LR for these sources reside below the model estimates. With this, we argue that the present model formalism is perhaps adequate to explain the energetics of the core radio emissions of IMBH sources. 6 DISCUSSION AND"
+ },
+ {
+ "url": "http://arxiv.org/abs/2108.02973v1",
+ "title": "Relativistic viscous accretion flow model for ULX sources: A case study for IC 342 X-1",
+ "abstract": "In this letter, we develop a model formalism to study the structure of a\nrelativistic, viscous, optically thin, advective accretion flow around a\nrotating black hole in presence of radiative coolings. We use this model to\nexamine the physical parameters of the Ultra-luminous X-ray sources (ULXs),\nnamely mass ($M_{\\rm BH}$), spin ($a_{\\rm k}$) and accretion rate (${\\dot m}$),\nrespectively. While doing this, we adopt a recently developed effective\npotential to mimic the spacetime geometry around the rotating black holes. We\nsolve the governing equations to obtain the shock induced global accretion\nsolutions in terms of ${\\dot m}$ and viscosity parameter ($\\alpha$). Using\nshock properties, we compute the Quasi-periodic Oscillation (QPO) frequency\n($\\nu_{\\rm QPO}$) of the post-shock matter (equivalently post-shock corona,\nhereafter PSC) pragmatically, when the shock front exhibits Quasi-periodic\nvariations. We also calculate the luminosity of the entire disc for these shock\nsolutions. Employing our results, we find that the present formalism is\npotentially promising to account the observed $\\nu_{\\rm QPO}$ and bolometric\nluminosity ($L_{\\rm bol}$) of a well studied ULX source IC 342 X-1. Our\nfindings further imply that the central source of IC 342 X-1 seems to be\nrapidly rotating and accretes matter at super-Eddington accretion rate provided\nIC 342 X-1 harbors a massive stellar mass black hole ($M_{\\rm BH} < 100\nM_\\odot$) as indicated by the previous studies.",
+ "authors": "Santabrata Das, Anuj Nandi, Vivek K. Agrawal, Indu Kalpa Dihingia, Seshadri Majumder",
+ "published": "2021-08-06",
+ "updated": "2021-08-06",
+ "primary_cat": "astro-ph.HE",
+ "cats": [
+ "astro-ph.HE"
+ ],
+ "main_content": "INTRODUCTION Since discovery, ULXs draw signi\ufb01cant attention among the researchers due to its exceedingly high luminosity \u223c1039\u221240 erg s\u22121 (Fabbiano 1989). The true nature of the central accretor of ULXs and the exact physical mechanism responsible for such a high luminosity still remain elusive. Meanwhile, di\ufb00erent competing ideas gain popularity to elucidate this. First possibility assumes the ULXs to harbor stellar mass black holes that accrete at super-Eddington rate (Fabrika & Mescheryakov 2001; Poutanen et al. 2007). Second possibility considers stellar mass black hole X-ray binaries (XRBs) accreting at sub-Eddington rate with beamed emission (Reynolds et al. 1997; King 2002), although the observational evidence of beaming e\ufb00ect is not well understood (Feng & Soria 2011). The third alternative scenario presumes the central source to be the intermediate mass black \u22c6E-mail: sbdas@iitg.ac.in (SD) \u2020 E-mail: anuj@ursc.gov.in (AN) holes (IMBHs) of mass 103 \u2212105M\u2299(Colbert & Mushotzky 1999; Makishima et al. 2000) that accrete at sub-Eddington accretion rate while emitting high luminosity. Needless to mention that all these models are in contrast and therefore, remain inconclusive. So far, numerous e\ufb00orts were made to constrain the mass of the ULX sources through the spectral and timing studies (Watarai et al. 2001; Dewangan et al. 2006; Pasham et al. 2015; Agrawal & Nandi 2015; Kaaret et al. 2017; Mondal et al. 2020; Ghosh & Rana 2021). Furthermore, the presence of super-Eddington accretion rate for several ULXs is also reported (Gladstone et al. 2009) which implies a new accretion state named the ultraluminous state. In parallel, e\ufb00orts were also given in the theoretical front, where models are developed to examine the observational signature of ULXs (Middleton et al. 2015; Mondal & Mukhopadhyay 2019; Middleton et al. 2019, and references therein). Indeed, the investigation of the physical parameters (mass and spin) of the central sources remain unexplored in these works. Motivating with this, in this letter, we investigate Lbol \u00a9 0000 The Authors \f2 Das et al. and \u03bdQPO of ULXs adopting a relativistic, viscous, advection dominated accretion \ufb02ow model around the rotating black holes in presence of cooling. To validate our model formalism, we consider a ULX source IC 342 X-1 for the purpose of representation, and compute the possible ranges of MBH, ak and \u02d9 m that yields the observed \u03bdQPO and Lbol, simultaneously. The letter is organized as follows. In \u00a72, we present the underlying assumptions and model equations that describe the \ufb02ow motion. In \u00a73, we discuss the accretion solutions and compute the observables. In \u00a74, we present the observational features of IC 342 X-1 source and constrain the physical parameters of the source using our model formalism. Finally, we conclude with discussion in \u00a75. 2 ASSUMPTIONS AND MODEL EQUATIONS We consider a relativistic, steady, viscous, optically thin, advective accretion disc around a ULX source. To describe the spacetime geometry around the central object, we adopt a newly formulated e\ufb00ective potential (Dihingia et al. 2018). We express the \ufb02ow variables in dimensionless unit by considering an unit system G = MBH = c = 1, where G, MBH, and c are the gravitational constant, black hole mass, and speed of light, respectively. In this unit system, radial distance is expressed in unit of rg = GMBH/c2. We use cylindrical coordinate system keeping the central source at the origin. We develop a model of accretion \ufb02ow where the governing equations that describe the \ufb02ow structure are given by (Chakrabarti 1996), udu dr + 1 h\u03c1 dP dr + \u2202\u03a6e\ufb00 \u2202r = 0, (1) ud\u03bb dr + 1 \u03a3x d dr \u0000r2Wr\u03c6 \u0001 = 0, (2) \u02d9 M = 2\u03c0u\u03a3 \u221a \u2206, (3) \u03a3uT ds dr = Hu \u0393 \u22121 \u0012dP dr \u2212\u0393P \u03c1 d\u03c1 dr \u0013 = Q+ \u2212Q\u2212, (4) where r, u, h, P, and \u03c1 are the radial coordinate, radial velocity, speci\ufb01c enthalpy, isotropic pressure, and density, respectively. The e\ufb00ective potential is given by, \u03a6e\ufb00= 1 2 ln \u0014 r\u2206 a2 k(r+2)\u22124ak\u03bb+r3\u2212\u03bb2(r\u22122) \u0015 (Dihingia et al. 2018), where \u03bb is the speci\ufb01c angular momentum of the \ufb02ow, ak is the Kerr parameter, and \u2206= r2 \u22122r + a2 k. In Eq. (2), the viscous stress Wr\u03c6 = \u03b1(W + \u03a3u2) (Chakrabarti & Das 2004), where \u03b1 refers viscosity parameter, W is the vertically integrated pressure, \u03a3 (= \u03c1H) is the surface mass density, and the vertical disc height H = p PF/\u03c1, F = (1 \u2212\u2126\u03bb) r3 \u0002 (r2 + a2 k)2 \u22122\u2206a2 k \u0003 \u0002 (r2 + a2 k)2 + 2\u2206a2 k \u0003\u22121, with \u2126 being the angular velocity of the \ufb02ow (Ri\ufb00ert & Herold 1995; Peitz & Appl 1997). In Eq. (3), \u02d9 M denotes accretion rate which is expressed in dimensionless form as \u02d9 m = \u02d9 M/ \u02d9 MEdd, where \u02d9 MEdd = 1.44 \u00d7 1017 \u0010 MBH M\u2299 \u0011 g s\u22121. In Eq. (4), s is the speci\ufb01c entropy, T is the temperature, Q+ \u0002 = \u2212\u03b1r \u0000W + \u03a3u2\u0001 d\u2126 dr \u0003 (Chakrabarti & Das 2004) is the heating due to viscous dissipation, and Q\u2212 [= Qb + Qcs + Qmc] (Mandal & Chakrabarti 2005) is the energy loss through radiative coolings, where Qb, Qcs, and Qmc are for bremsstrahlung, cyclosynchrotron, and Comptonization processes. Following Chattopadhyay & Chakrabarti (2000), we compute electron temperature as Te = p me/mpT , where me and mp are the masses of electron and ion. In this work, we employ equipartition to calculate magnetic \ufb01elds (B) for simplicity and obtain as B = \u221a8\u03c0\u03b2P, where \u03b2 = 0.1 is assumed (Mandal & Chakrabarti 2005). Governing equations (1-4) are closed with an equation of state (EoS), which we choose for relativistic \ufb02ow as e = nemef = \u03c1f/\u03c4 (Chattopadhyay & Ryu 2009), where f = (2 \u2212\u03be) h 1 + \u0398 \u0010 9\u0398+3 3\u0398+2 \u0011i + \u03be h 1 \u03c7 + \u0398 \u0010 9\u0398+3/\u03c7 3\u0398+2/\u03c7 \u0011i , \u03c4 = [2\u2212\u03be(1\u22121/\u03c7)], \u03c7 = me/mp, \u03be = np/ne, \u0398 = kBT/mec2, kB is the Boltzmann constant, and ne (np) denotes the number density of the electron (ion). With this, we express the polytropic index N = 1 2 d f d\u0398, the ratio of speci\ufb01c heats \u0393 = 1 + 1 N and the sound speed a2 s = \u0393p/ (e + p) = 2\u0393\u0398/ (f + 2\u0398). Here, we assume \u03be = 1 unless stated otherwise. We study the global accretion solutions around a ULX source following the methodology described in Chakrabarti & Das (2004), where the basic equations (1-4) are simultaneously integrated for a speci\ufb01ed set of \ufb02ow parameters. To do this, we treat \u03b1, \u02d9 m, and MBH as global parameters. Because of the transonic nature of the equations, at the inner critical point rin, we choose the boundary values of angular momentum (\u03bbin) and energy (equivalently Bernoulli parameter Ein = \u0002 u2/2 + log h + \u03a6e\ufb00 \u0003 rin) of the \ufb02ow as local parameters (Dihingia et al. 2020). Using these parameters, equations (1-4) are integrated starting from rin once inward up to just outside the horizon and then outward up to a large distance (equivalently \u2018outer edge of the disc\u2019) to get the complete accretion solution. Depending on the input parameters, accretion \ufb02ow may possess multiple critical points (Das et al. 2001) and also experience shock transitions provided the shock conditions are satis\ufb01ed (Landau & Lifshitz 1959; Fukue 1987, 2019a,b). We compute the shock induced global accretion solutions as these solutions are potentially viable to explain the observational \ufb01ndings of black hole X-ray sources (Chakrabarti & Titarchuk 1995; Iyer et al. 2015; Sreehari et al. 2019, and references therein). 3 ACCRETION SOLUTIONS AND OBSERVABLES In Fig. 1, we present a typical accretion solution containing shock around a rapidly rotating black hole (ak = 0.99). Here, we \ufb01x the global \ufb02ow parameters, namely viscosity parameter \u03b1 = 0.01 and accretion rate \u02d9 m = 0.5, respectively, and choose the local \ufb02ow parameters at the inner critical point (rin = 1.43356) as Ein = 1.00741, angular momentum \u03bbin = 1.99. In the \ufb01gure, we show the variation of (a) Mach number (M = u/as), (b) velocity (u), (c) density (log \u03c1), and (d) temperature (log T , in Kelvin) of the \ufb02ow as function of radial coordinate (r), where outer critical point (rout = 144.66855) and shock location (rs = 30.80356) are marked. Because of the shock, in\ufb02owing matter undergoes discontinuous transition from supersonic to subsonic branch that yields the jump of density (\u03c1) and temperature (T ) in the post-shock region (i.e., PSC). Note that after crossing rout, \ufb02ow may eventually enter into the black hole following MNRAS 000, 1\u20136 (0000) \fModel for IC 342 X-1 source 3 Figure 1. Typical accretion solution where the variation of (a) Mach number (M = u/as), (b) velocity (u), (c) density (log \u03c1), and temperature (log T) are plotted as function of radial distance (r). See text for details. the dotted curve provided shock conditions are not favorable. In each panel, we indicate the overall direction of the \ufb02ow motion using arrows. In order to explain the observables of ULX sources, we calculate the disc luminosity for a given accretion solution considering gravitational red-shift (G) as L = 4\u03c0 R rf ri GQ\u2212rHdr, where ri refers to the location just outside the horizon (rh), rf stands for the outer edge of the disc (\u2273rout), and Q\u2212denotes the total cooling rates expressed in units of erg cm\u22123 s\u22121. Here, following Shapiro & Teukolsky (1986), we coarsely approximate G = 1 \u2212 2r (r2+a2 k) for simplicity. Further, we examine the QPO features that may originate due to the modulation of the shock front at infall time scales, where infall time is estimated as the time required to accrete the infalling material on to the gravitating object from the shock front. As Molteni et al. (1996) pointed out that the post-shock \ufb02ow can exhibit non-steady behavior because of the resonance oscillation that happens when the infall timescale is comparable to the cooling time scale of the post-shock \ufb02ow (i.e., PSC). Since the modulation of PSC in general exhibits Quasi-periodic variations, we estimate the frequency of such modulation as \u03bdQPO \u223c1/tinfall, where tinfall = R ri rs u\u22121 + dr, u+ is the postshock velocity (Aktar et al. 2015; Dihingia et al. 2019). Employing the above considerations, we calculate the disk luminosity and oscillation frequency for the accretion solution presented in Fig. 1 and obtain as L = 1.45 \u00d7 1033 \u0010 MBH M\u2299 \u00113 erg s\u22121, and \u03bdQP O = 499.23 \u0010 M\u2299 MBH \u0011 Hz, respectively for \u02d9 m = 0.5 and \u03b1 = 0.01. Next, we examine the role of \u02d9 m in determining the shock location (rs), QPO frequency (\u03bdQPO), and disk luminosity (L). The obtained results are depicted in Fig. 2, where we \ufb01x ak = 0.99, \u03b1 = 0.01, and Ein = 1.00741. In Fig. 2a, we present the variation of rs with \u02d9 m where solid (green), dotted (orange) and dashed (purple) curves are obtained for Figure 2. Variation of (a) shock location (rs), (b) QPO frequency (\u03bdQPO), and (c) disk luminosity (L) as function of \u02d9 m. See text for details. \u03bbin = 1.97, 1.99, and 2.01, respectively. We observe that shocks are formed for a wide range of \u02d9 m and generally they settle down at larger radii for \ufb02ows with higher \u03bbin. In Fig. 2b, we present \u03bdQPO which is computed using the results presented in the upper panel. As shocks are formed further out for higher \u03bbin, the corresponding \u03bdQPO are yielded at lower values. In Fig. 2c, we show the variation of L with \u02d9 m for the same solutions depicted in the upper panel. We \ufb01nd that for a given \u03bbin, L strongly depends on \u02d9 m whereas the response of \u03bbin on L is relatively weak for a \ufb01xed \u02d9 m. With this, we perceive that the present formalism is capable to cater \u03bdQPO and L for their wide range of values. Hence, we employ the present model formalism to examine \u03bdQPO and Lbol of a well studied ULX source IC 342 X-1, and attempt to constrain MBH, ak, and \u02d9 m of the source, respectively. 4 ASTROPHYSICAL IMPLICATION: IC 342 X-1 4.1 Observational features We analyze the quasi-simultaneous observations of IC 342 X-1 carried out on 11 August 2012 with XMM-Newton and NuSTAR observatories. We follow the procedures described in Agrawal & Nandi (2015) to generate the lightcurve, spectrum and auxiliary (background, response) \ufb01les. We use 0.3 \u221210 keV XMM-Newton/EPIC-pn lightcurve with bin size of 0.22 s to construct the power density spectrum (PDS). We compute the PDS for intervals of 256 bins and average them over a single frame. We rebinned the \ufb01nal PDS by a geometric factor of 1.04 in the frequency space. The PDS exhibits a Lorentzian feature at \u223c645 mHz. We \ufb01t the PDS using a power-law (\u221d\u03bd\u2212\u03b1, \u03b1 being the index), a constant (to represent the Poisson noise) and a Lorentzian (to represent the QPO). Fig. 3 (left) shows the PDS of IC 342 X-1 along with the \ufb01tted model. The centroid frequency of QPO MNRAS 000, 1\u20136 (0000) \f4 Das et al. 0.1 1 2 Leahy Power Frequency (Hz) IC 342 X\u22121 10\u22127 10\u22126 10\u22125 10\u22124 Photons cm\u22122 s\u22121 keV\u22121 IC 342 X\u22121 1 10 \u22122 0 2 \u03c7 Energy (keV) Figure 3. The PDS (left) of EPIC-pn observation taken during 11 August 2012. The PDS is \ufb01tted with a constant, a power-law and a Lorentzian centered at \u223c645 mHz. The unfolded energy spectrum (right) of combined \ufb01t to the quasi-simultaneous data of NuSTARFPMA and XMM-Netwon/EPIC-pn. The combined spectrum is \ufb01tted with TBabs \u00d7 (compTT + diskbb) model. See text for details. Table 1. Model \ufb01tted temporal and spectral parameters for IC 342 X-1. Fbol and Lbol are computed in 0.1 \u2212100 keV energy range. Features Parameters Values Timing \u03bdQPO (mHz) 645 \u00b1 20 Q (\u03bdQPO/FWHM) 11 \u03c3\u2020 3.8 Spectral nH (1022 atoms/cm2) 0.65 \u00b1 0.05 kTe (keV) 3.3 \u00b1 0.18 \u03c4 13.45 \u00b1 0.65 K (\u00d710\u22124) 3.51 \u00b1 0.3 kTin (keV) 0.23 \u00b1 0.02 Ndisk 23+26 \u221211 \u03c72/dof 638/637 Estimated Fbol (\u00d710\u221212 ergs/s/cm2) 5.36 \u00b1 0.32 Lbol (\u00d71039 ergs/s) 7.59 \u00b1 0.57 \u2020 The QPO signi\ufb01cance (\u03c3) is computed as the ratio of Lorentzian normalization to its negative error (see Sreehari et al. 2019, and references therein). (\u03bdQPO) is obtained as 645 \u00b1 20 mHz with Q factor \u223c11 and signi\ufb01cance \u223c3.8\u03c3 (see Table 1). We carry out the spectral analysis using the quasisimultaneous XMM-Newton (0.3 \u221210 keV) and NuSTAR (3 \u221230 keV) data. The combined spectrum is \ufb01tted with various model combinations available in XSPEC. We proceed with physically motivated Comptonized model i.e., TBabs \u00d7 (compTT + diskbb) to extract the spectral parameters. Details of spectral modeling were presented in Agrawal & Nandi (2015). In Fig. 3 (right), the unfolded energy spectrum is shown along with the residuals (bottom panel). Considering the recent measurement of the source distance D \u223c3.45 Mpc (Wu et al. 2014) and \ufb02ux estimation (see Table 1), we calculate the bolometric luminosity (Lbol = 4\u03c0D2Fbol) as (7.59\u00b10.57)\u00d71039 ergs s\u22121, where Fbol being the bolometric \ufb02ux. The model \ufb01tted (both temporal and spectral) and computed parameters are summarized in Table 1. 1.92 1.94 1.96 1.98 2.00 2.02 2.04 \u03bbin 0.99 1.01 1.03 1.05 1.07 \ue231in MBH (M \u2299) (a) ak = 0.99 \u0307 m = 0.2 \u03b1 = 0.06 \u03b1 = 0.04 \u03b1 = 0.02 \u03b1 = 0.0 0.00 0.25 0.50 0.75 1.00 1.25 1.50 1.75 2.00 \u0307 m ( \u0307 Medd) 102 103 MBH (M \u2299) (b) --MBH = (315.91 \u221248.83ak \u2212171.33a2 k) \u0307 m\u22123\u03074 Lbol = 7.59\u2299x\u22991039\u2299erg\u2299s\u22121 \u03bdQPO = 645\u2299mHz \u03b1 = 0.01 ak = 0.0 ak = 0.99 318 363 408 453 497 Figure 4. (a) Variation of Ein with \u03bbin that results observed Lbol and \u03bdQPO for IC 342 X-1 source for di\ufb00erent mass range as indicated using colorabar. Here, we choose ak = 0.99 and \u02d9 m = 0.2, and \u03b1 values are marked. (b) Correlation between \u02d9 m and MBH for di\ufb00erent ak. Regions shaded using orange and cyan color are for ak = 0.0, and 0.99, respectively. Dashed curves denote the \ufb01tted function as marked in the \ufb01gure. See text for details. 4.2 Constraining mass, spin and accretion rate To infer Lbol and \u03bdQPO of IC 342 X-1, we employ the present model formalism. While doing this, we freely vary the \ufb02ow parameters, namely \u03bbin and Ein, to compute the shocked accretion solutions for a given set of parameters (ak, \u02d9 m, \u03b1, MBH), and obtain the solution that yields the observed Lbol and \u03bdQP O for IC 342 X-1 source. The obtained MNRAS 000, 1\u20136 (0000) \fModel for IC 342 X-1 source 5 results are depicted in Fig. 4 (a), where for a given viscosity parameter \u03b1, we show the interplay among \u03bbin, Ein and MBH that provides the observed Lbol = 7.59 \u00d7 1039 ergs s\u22121 and \u03bdQPO = 645 mHz of IC 342 X-1 source. Here, we choose ak = 0.99, and \u02d9 m = 0.2. In the \ufb01gure, we mark the \u03b1 values and indicate the mass (MBH) range using the colorbar. It is clear that as \u03b1 is increased, \u03bbin is shifted to the lower values whereas Ein moved to the higher energy domain. In Fig. 4 (b), we show the correlation between the source mass (MBH) and the accretion rate ( \u02d9 m) for \u03b1 = 0.01 that delineate Lbol and \u03bdQPO for IC 342 X-1 source. Here, we compare the results for non-rotating (ak = 0.0) and rapidly rotating (ak = 0.99) black hole. For a given \u02d9 m and ak, we \ufb01nd a range of \u03bbin, Ein, and MBH that provides the observed Lbol and \u03bdQPO for IC 342 X-1 source. Using these results, we empirically obtain a functional form of MBH = (315.91\u221248.83ak\u2212171.33a2 k) \u02d9 m\u22123/4, which is characterized as seemingly exponential with the accretion rate ( \u02d9 m) shown by the dashed curves. We observe that for ak = 0.0, IC 342 X-1 seems to accrete matter both at suband super-Eddington limits depending on its mass (174 \u2272 MBH M\u2299 \u22721783). Similarly, when ak = 0.99, we obtain the corresponding mass range of the source as 55 \u2272MBH M\u2299\u22721198 for \u02d9 m \u22722. 5 DISCUSSION AND"
+ },
+ {
+ "url": "http://arxiv.org/abs/1807.11417v1",
+ "title": "Standing shocks in magnetized advection accretion flows onto a rotating black hole",
+ "abstract": "We present the global structure of magnetized advective accretion flow around\nthe rotating black holes in presence of dissipation. By considering accretion\nflow to be threaded by toroidal magnetic fields and by assuming synchrotron\nradiative mechanism to be the dominant cooling process, we obtain global\ntransonic accretion solutions in terms of dissipation parameters, such as\nviscosity ($\\alpha_B$), accretion rate (${\\dot m}$) and plasma-$\\beta$,\nrespectively. In the rotating magnetized accretion flow, centrifugal barrier is\ndeveloped in the nearby region of the black hole that triggers the\ndiscontinuous shock transition in the flow variables. Evidently, the shock\nproperties and the dynamics of the post-shock flow (hereafter post-shock corona\n(PSC)) are being governed by the flow parameters. We study the role of\ndissipation parameters in the formation of standing shock wave and find that\nglobal shocked accretion solutions exist both in gas pressure dominated flows\nand in magnetic pressure dominated flows. In addition, we observe that standing\nshock continues to form around the rapidly rotating black holes as well. We\nidentify the range of dissipation parameters that permits shocked accretion\nsolutions and find that standing shocks continue to form even in presence of\nhigh dissipation limit, although the likelihood of shock formation diminishes\nwith the increase of dissipation. Further, we compute the critical accretion\nrate (${\\dot m}^{\\rm cri}$) that admits shock and observe that standing shock\nexists in a magnetically dominated accretion flow when the accretion rate lies\nin general in the sub-Eddington domain. At the end, we calculate the maximum\ndissipated energy that may be escaped from the PSC and indicate its possible\nimplication in the astrophysical context.",
+ "authors": "Santabrata Das, Biplob Sarkar",
+ "published": "2018-07-30",
+ "updated": "2018-07-30",
+ "primary_cat": "astro-ph.HE",
+ "cats": [
+ "astro-ph.HE"
+ ],
+ "main_content": "INTRODUCTION Magnetic \ufb01elds are in general considered to be indispensable in the astrophysical environment and therefore, their presence in the accretion disc is by all means inevitable (Balbus & Hawley 1998). In a magnetized accretion disc, magnetic \ufb01elds play an important role in guiding the infalling matter around black holes. Meanwhile, Blandford & Payne (1982) revealed that when a Keplerian disc is threaded by large scale magnetic \ufb01elds, angular momentum can be removed through the torque exerted by the magnetic \ufb01elds. Similarly, the large scale poloidal magnetic \ufb01elds anchored in the surrounding accretion disc are indeed capable of transferring energy and angular momentum and also instigate the generation of powerful magnetic jets (Blandford & Znajek 1977; Komissarov & McKinney 2007). \u22c6E-mail: sbdas@iitg.ernet.in; biplob@iitg.ernet.in Further, Balbus & Hawley (1991, 1998) showed that the accretion disc becomes unstable in presence of di\ufb00erential rotation when the accreting plasma is threaded by weak vertical magnetic \ufb01elds. This instability causes the turbulence leading to the e\ufb03cient angular momentum transport as well as energy dissipation that enables the accretion possible. In the modeling of the standard advection-dominated accretion \ufb02ows around black holes, Narayan & Yi (1995) considered the magnetic \ufb01elds which are stochastic in nature. However, since the \ufb02ow experiences di\ufb00erential rotation while accreting onto a black hole, the magnetic \ufb01elds present in the disc are expected to be structured in reality and the large scale \ufb01elds seem to be dominated by its toroidal component. This consideration in general holds irrespective to the initial con\ufb01guration of the \ufb01elds (i.e., toroidal or poloidal). Furthermore, the existence of toroidal magnetic \ufb01eld has been observationally con\ufb01rmed in the exterior regions of the discs of young stellar objects (Aitken et al. c \u20ddRAS \f2 Santabrata Das, Biplob Sarkar 1993; Wright, Aitken, & Smith 1993) as well as in the Galactic center (Chuss et al. 2003; Novak et al. 2003). Meanwhile, signi\ufb01cant e\ufb00orts were given to examine the accretion disc properties around black holes including toroidal magnetic \ufb01elds (Akizuki & Fukue 2006; Khesali & Faghei 2008, 2009; Mosallanezhad, Abbassi, & Beiranvand 2014; Mosallanezhad, Bu, & Yuan 2016; Oda et al. 2007, 2010, 2012; Samadi, Abbassi, & Khajavi 2014; Sarkar & Das 2015, 2016; Sarkar, Das, & Mandal 2018; Sarkar & Das 2018). Following the above cognizance, in the present work, we consider the accretion \ufb02ow to be threaded by toroidal magnetic \ufb01eld lines as well. Further, while developing the present formalism, we consider rotating matter that experiences centrifugal repulsion as it accretes towards the black hole and due to this, infalling matter is being piled up in the vicinity of the black hole. In reality, such accumulation of matter can not be continued inde\ufb01nitely and ultimately, at its limit, the centrifugal barrier triggers the discontinuous transition of the \ufb02ow variables which is commonly called as shock transition. It may be noted that the global accretion solutions including shock waves are potentially favored as it owns large amount of entropy (Becker & Kazanas 2001). In the theoretical front, the shock induced global accretion solution around black hole and its implications are extensively studied by the numerous groups of workers (Fukue 1987; Chakrabarti 1989, 1996b; Lu, Gu, & Yuan 1999; Gu & Lu 2001; Das et al. 2001b; Gu & Lu 2004; Fukumura & Tsuruta 2004; Chakrabarti & Das 2004; Mondal & Chakrabarti 2006; Das 2007; Becker, Das, & Le 2008; Das, Becker, & Le 2009; Das, Chakrabarti, & Mondal 2010; Sarkar & Das 2015; Aktar, Das, & Nandi 2015; Sarkar & Das 2016; Aktar et al. 2017; Sarkar & Das 2018; Sarkar, Das, & Mandal 2018). In addition, the existence of shock in accretion \ufb02ow is also examined numerically considering hydrodynamics (Chakrabarti & Molteni 1993; Molteni, Lanzafame, & Chakrabarti 1994; Ryu, Chakrabarti, & Molteni 1997; Okuda 2014; Okuda & Das 2015; Sukov\u00b4 a & Janiuk 2015; Sukov\u00b4 a, Charzy\u00b4 nski, & Janiuk 2017) as well as magnetohydrodynamic (MHD) environment (Nishikawa et al. 2005; Takahashi et al. 2006; Fukumura, Takahashi, & Tsuruta 2007; Fukumura et al. 2016). Motivated with the above studies, in this work, we examine the magnetically supported accretion \ufb02ow around rotating black hole that possesses standing shock. While doing this, we assume that the characteristics of the magnetic pressure is synoptic to the gas pressure and their combined e\ufb00ects therefore supports the vertical structure of the infalling matter against the gravitational pull. Moreover, recalling the success of the seminal \u03b1-viscosity prescription (Shakura & Sunyaev 1973), we consider the Maxwell stress to be proportional to the total pressure (Machida, Nakamura, & Matsumoto 2006) that evidently demonstrates that the outward transport of angular momentum would certainly be enhanced as the magnetic activity inside the disc is increased. Furthermore, we consider the heating of the \ufb02ow to be regulated by the magnetic energy dissipation mechanism while the in\ufb02owing matter is being cooled via synchrotron emission process (Chattopadhyay & Chakrabarti 2000; Das 2007; Sarkar, Das, & Mandal 2018). In addition, for simplicity, we adopt a pseudo potential introduced by Chakrabarti & Mondal (2006) that successfully mimics the space-time geometry around the rotating black hole having spin ak \u22720.8. Considering all these, we self-consistently solve all the governing equations that describe the magnetized accretion \ufb02ow around rotating black hole and obtain the global accretion solutions including shock waves. We study the properties of standing shock waves in terms of \ufb02ow parameters and observe that shock formation takes place for an ample range of parameters both around weakly rotating (ak \u21920) as well as rapidly rotating black holes (ak \u223c0.8). We also calculate the critical accretion rate ( \u02d9 mcri) for standing shocks in magnetized accretion \ufb02ow. It may be noted that \u02d9 mcri does not bear any universal value, rather it is largely dependent on the in\ufb02ow parameters. We continue our study considering the fact that standing accretion shocks are dissipative by nature and calculate the maximum energy that can be extracted from the PSC. In reality, this available energy could be utilized in powering the jets (Sarkar & Das 2016, reference therein) as they seem to originate from PSC regions (Aktar et al. 2017, reference therein). We organize the paper as follows. In \u00a72, we write the model equations and carry out the analysis of transonic conditions. In \u00a73, we display our results where shocked accretion solutions for magnetized \ufb02ow and its properties are discussed. Moreover, we determine the critical in\ufb02ow parameters for standing shock as well. We further study the characteristics of dissipative standing shock. Finally, in \u00a74, concluding remarks are presented. 2 ACCRETION FLOW MODEL To take into consideration of the magnetic \ufb01elds structure in an accretion disc, we rely on the numerical simulation results of global and local MHD accretion \ufb02ow around black hole. These simulations have revealed that magnetic \ufb01elds inside the accretion disc are turbulent and primarily dominated by the azimuthal component (Hirose, Krolik, & Stone 2006; Machida, Nakamura, & Matsumoto 2006; Johansen & Levin 2008). Following the \ufb01ndings of these simulations, we separate the magnetic \ufb01elds into mean \ufb01elds, denoted by B = (0, < B\u03c6 >, 0), and the \ufb02uctuating \ufb01elds, indicated as \u03b4B = (\u03b4Br, \u03b4B\u03c6, \u03b4Bz). Here, we express the azimuthal average by \u2018<>\u2019 and upon azimuthal averaging, the \ufb02uctuating components of the magnetic \ufb01elds eventually disappear (< \u03b4B >= 0). Moreover, the radial and vertical components of the magnetic \ufb01eld are assumed to be negligible when compared with the azimuthal component, |< B\u03c6 > +\u03b4B\u03c6 |\u226b| \u03b4Br | and | \u03b4Bz |. This ultimately renders the azimuthally averaged magnetic \ufb01elds which is given by < B >= \u02c6 \u03c6 < B\u03c6 > (Oda et al. 2007). 2.1 Model Equations In this work, a thin, axisymmetric, magnetized accretion \ufb02ow onto a rotating black hole is considered and the accretion disc is assumed to lie on the black hole equatorial plane. Moreover, we employ the cylindrical polar coordinate (x, \u03c6, z) to study the properties of accretion \ufb02ow, where black hole is placed at its origin. In order to express the c \u20ddRAS, MNRAS 000, 1\u2013?? \fShocks in magnetized accretion \ufb02ows 3 \ufb02ow variables, we choose an unit system as MBH = c = G = 1, where MBH is the mass of the black hole, c represents the speed of light and G denotes the gravitational constant, respectively. Accordingly, length, angular momentum and time are measured in units of GMBH/c2, GMBH/c and GMBH/c3, respectively. In the subsequent sections, we choose MBH = 10M\u2299as a reference value. Considering steady state scenario, the governing equations of motion that describe the magnetized accreting matter are obtained as follows: (i) Equation for radial momentum: v dv dx + 1 \u03c1 dP dx + d\u03a8e\ufb00 dx + B2 \u03c6 \u000b 4\u03c0x\u03c1 = 0, (1) where v and \u03c1 stand for the radial velocity and density of the \ufb02ow and P represents total pressure which we take into account as P = pgas + pmag where, pgas and pmag denote the gas pressure and the magnetic pressure of the \ufb02ow. We obtain the gas pressure inside the disc as pgas = R\u03c1T/\u00b5, where R, T and \u00b5, respectively, represent the gas constant, the temperature and the mean molecular weight. Here, we use \u00b5 = 0.5 for fully ionized hydrogen. Further, the magnetic pressure is obtained as pmag =< B2 \u03c6 > /8\u03c0. We de\ufb01ne \u03b2 = pgas/pmag and using this, we attain total pressure as P = pgas(1 + \u03b2)/\u03b2. Moreover, in equation (1), \u03a8e\ufb00denotes the e\ufb00ective pseudo potential around a rotating black hole (Chakrabarti & Mondal 2006) and is given by, \u03a8e\ufb00= \u2212Q + \u221a Q2 \u22124PR 2P , where P = \u01eb2\u03bb2 2x2 , Q = \u22121 + \u01eb2\u03c9\u03bbr2 x2 + 2ak\u03bb r2x , R = 1 \u2212 1 r \u2212x0 + 2ak\u03c9 x + \u01eb2\u03c92r4 2x2 . Here, x represents the cylindrical radial distance and r speci\ufb01es spherical radial distance, respectively. Also, \u03bb stands for the speci\ufb01c angular momentum of the \ufb02ow. In addition, we write x0 = 0.04+0.97ak +0.085a2 k, \u03c9 = 2ak/(x3+a2 kx+2a2 k) and \u01eb2 = (x2 \u22122x+a2 k)/(x2 +a2 k +2a2 k/x), where \u01eb refers the redshift factor and ak denotes the spin of the black hole. It is to be noted that the adopted pseudo potential satisfactorily mimics the space-time geometry around rotating black hole for ak \u22720.8 (Chakrabarti & Mondal 2006). (ii) Mass \ufb02ux conservation equation: \u02d9 M = 2\u03c0xv\u03a3, (2) where \u02d9 M speci\ufb01es the accretion rate which we treat as global constant all throught and \u03a3 represents the vertically integrated density (Matsumoto et al. 1984). It may be noted that in this work, the direction of the inward radial velocity is considered as positive always. (iii) Azimuthal momentum conservation equation: v d\u03bb(x) dx + 1 \u03a3x d dx(x2Tx\u03c6) = 0. (3) Here, we assume the vertically integrated total stress to be dominated by the x\u03c6 component of the Maxwell stress Tx\u03c6. For the accretion \ufb02ow with large radial velocity, Tx\u03c6 comes out to be (Chakrabarti & Das 2004; Machida, Nakamura, & Matsumoto 2006) Tx\u03c6 = < BxB\u03c6 > 4\u03c0 h = \u2212\u03b1B(W + \u03a3v2), (4) where h, \u03b1B and W , respectively, represent the local disc height, the proportionality constant and the vertically integrated pressure of the \ufb02ow (Matsumoto et al. 1984). Following the work of Shakura & Sunyaev (1973), we regard \u03b1B as a global constant all throughout of the \ufb02ow. Note that when v is signi\ufb01cantly small, as in the case of Keplerian disc, equation (4) reduces to \u2018\u03b1-model\u2019 (Shakura & Sunyaev 1973). We consider thin disc approximation where infalling matter maintains hydrostatic equilibrium in the vertical direction and calculate the disc height (h) as, h = a p x/(\u03b3\u03a8 \u2032 r) where \u03a8 \u2032 r = \u0010 \u2202\u03a8eff \u2202r \u0011 z< 4\u03c0 xhd\u2126 dx = \u2212\u03b1B(W + \u03a3v2)xd\u2126 dx , (6) where \u2126stands for the angular velocity of the \ufb02ow. Usually, the accretion \ufb02ow experiences heat loss as the consequences of the variety of cooling mechanisms, such as bremsstrahlung, synchrotron and Comptonization of bremsstrahlung as well as synchrotron photons. However, in the present study, as the infalling matter is magnetized in nature, we therefore consider only the synchrotron radiative mechanism as dominant cooling process and the corresponding cooling rate is obtained as (Shapiro & Teukolsky 1983), Q\u2212= Sa5\u03c1h v r \u03a8 \u2032 r x3 \u03b22 (1 + \u03b2)3 , (7) with, S = 1.4827 \u00d7 1018 \u02d9 m\u00b52e4 Inm3 e\u03b35/2 1 GM\u2299c3 , where e and me represent the charge and mass of the electron and \u02d9 m denotes the accretion rate expressed in units of Eddington rate ( \u02d9 MEdd = 1.39 \u00d7 1017 \u00d7 MBH/M\u2299 gm s\u22121). Also, In = (2nn!)2/(2n + 1)! and n represents the polytropic index of the \ufb02ow which is related to the adiabatic index as n = 1/(\u03b3 \u22121). We estimate the electron c \u20ddRAS, MNRAS 000, 1\u2013?? \f4 Santabrata Das, Biplob Sarkar temperature employing the relation Te = ( p me/mp)Tp, where the coupling between ion and electron is neglected (Chattopadhyay & Chakrabarti 2002). Here, mp and Tp refer the mass and temperature of the ion. Note that in this work, we ignore the bremsstrahlung emission process as it is an ine\ufb03cient cooling process for stellar mass black hole system (Chattopadhyay & Chakrabarti 2002). Moreover, we also disregard the inverse Comptonization process as well although its contribution may not be negligible especially at the inner part of the disc. Nevertheless, we make this assumption simply because the framework of single temperature accretion \ufb02ow does not allow one to study the Componization process as it requires the consideration of twotemperature \ufb02ow. However, we infer that when both synchrotron and Compton processes are present, the accretion \ufb02ow will experience more dissipation and therefore, the results we present in the subsequent sections are expected to modify quantitatively although the overall conclusions perhaps be remain qualitatively unaltered. (v) The advection equation of toroidal magnetic \ufb02ux: Following induction equation, the advection rate of toroidal magnetic \ufb02ux is obtained as, \u2202< B\u03c6 > \u02c6 \u03c6 \u2202t = \u2207\u00d7 \u0012 \u20d7 v\u00d7 < B\u03c6 > \u02c6 \u03c6 \u22124\u03c0 c \u03b7\u20d7 j \u0013 , (8) where \u20d7 v, \u20d7 j and \u03b7, respectively, represent the velocity vector, the current density and the resistivity of the \ufb02ow. It may be noted that equation (8) is azimuthally averaged. For an accretion disc, since the Reynold number is generally very large, we ignore the magnetic-di\ufb00usion terms because of large length scale. Furthermore, here we ignore dynamo term as well. Considering steady state, the obtained equation is further vertically integrated employing the assumption that the azimuthally averaged toroidal magnetic \ufb01elds disappear at disc surface. Based on these considerations, the toroidal magnetic \ufb02ux advection rate is calculated as, \u02d9 \u03a6 = \u2212 \u221a 4\u03c0vhB0(x), (9) where B0(x) = \u27e8B\u03c6\u27e9(x; z = 0) = 25/4\u03c01/4(RT/\u00b5)1/2\u03a31/2h\u22121/2\u03b2\u22121/2 denotes azimuthally averaged toroidal magnetic \ufb01eld resided at the equatorial plane of the accretion disc (Oda et al. 2007). Inside the accretion disc, if the magnetic \ufb02ux is dissipated by the magnetic reconnection or escapes from the disc due to buoyancy, \u02d9 \u03a6 will not be conserved. Besides, when MRI driven dynamo augments the toroidal magnetic \ufb02ux, \u02d9 \u03a6 may vary with radial coordinate. Keeping these \ufb01ndings in mind, we thus consider \u02d9 \u03a6 \u221dx\u2212\u03b6 (Oda et al. 2007), where \u03b6 stands for a parameter describing the magnetic \ufb02ux advection rate. Therefore, we have the following parametric relation as \u02d9 \u03a6 \u0010 x; \u03b6, \u02d9 M \u0011 \u2261\u02d9 \u03a6edge \u0012 x xedge \u0013\u2212\u03b6 , (10) where \u02d9 \u03a6edge indicates the advection rate of the toroidal magnetic \ufb01eld at a large distance, usually the disc outer edge (xedge). For \u03b6 = 0, radial magnetic \ufb02ux remains conserved whereas, for \u03b6 > 0, the magnetic \ufb02ux is increased with the decrease of x. However, for representation, in this study, we choose \u03b6 = 1 all throughout unless stated otherwise. 2.2 Analysis of transonic conditions During the course of accretion, matter from the outer edge of the disc (xedge) proceeds towards the black hole under the in\ufb02uence of gravity. In reality, in\ufb02owing matter possesses negligible radial velocity at xedge in contrast with the local sound speed and enters into the black hole with velocity equivalent to c. This \ufb01ndings evidently demand the transonic nature of the accreting matter. The radial coordinate where the accretion \ufb02ow smoothly changes its sonic character from subsonic to supersonic state is commonly called as critical point. In order to analyze the transonic conditions, we simultaneously solve equations (1), (2), (3), (5), (9) and (10) and obtain the wind equation (Das 2007, and references therein) which is given by, dv dx = N D , (11) where the numerator (N) is calculated as, N = Sa5 v r \u03a8 \u2032 r x3 \u03b22 (1 + \u03b2)3 + 2\u03b12 BIn(a2g + \u03b3v2)2 \u03b32xv + \u0014[3 + \u03b2(\u03b3 + 1)]v (\u03b3 \u22121)(1 + \u03b2) \u22124\u03b12 BgIn(a2g + \u03b3v2) \u03b3v \u0015 \u0012d\u03a8e\ufb00 dx \u0013 + \u0014 va2(2\u03b2\u03b3 + 4) 2\u03b3(\u03b3 \u22121)(1 + \u03b2) \u22122\u03b12 BIna2g(a2g + \u03b3v2) \u03b32v \u0015 dln\u03a8 \u2032 r dx ! +2{3 + \u03b2(\u03b3 + 1)}a2v \u03b3x(\u03b3 \u22121)(1 + \u03b2)2 \u2212 3a2v(2\u03b3\u03b2 + 3) 2\u03b3x(1 + \u03b2)(\u03b3 \u22121) +6\u03b12 BIna2g(a2g + \u03b3v2) \u03b32vx \u22128\u03b12 BIna2g(a2g + \u03b3v2) \u03b32v(1 + \u03b2)x \u2212 a2v(4\u03b6 \u22121) 2\u03b3(1 + \u03b2)(\u03b3 \u22121)x \u22124\u03bb\u03b1BIn(a2g + \u03b3v2) \u03b3x2 (11a) and the denominator (D) is calculated as, D = 2a2(2 + \u03b3\u03b2) \u03b3(\u03b3 \u22121)(1 + \u03b2) \u2212{3 + \u03b2(\u03b3 + 1)}v2 (1 + \u03b2)(\u03b3 \u22121) +2\u03b12 BIn(a2g + \u03b3v2) \u03b3 \u0014 (2g \u22121) \u2212a2g \u03b3v2 \u0015 . (11b) In the above analysis, we de\ufb01ne g = In+1/In. Next, we calculate the derivative of a, \u03bb and \u03b2 with respect to x as, da dx = \u2212 \u0010\u03b3v a \u2212a v \u0011 dv dx + 3a 2x \u2212a 2 dln\u03a8 \u2032 r dx ! \u2212\u03b3 a \u0012d\u03a8e\ufb00 dx \u0013 \u2212 2a (1 + \u03b2)x (12) d\u03bb dx = \u2212\u03b1Bx(a2g \u2212\u03b3v2) \u03b3v2 dv dx + 2\u03b1Baxg \u03b3v da dx c \u20ddRAS, MNRAS 000, 1\u2013?? \fShocks in magnetized accretion \ufb02ows 5 +\u03b1B(a2g + \u03b3v2) \u03b3v (13) d\u03b2 dx = \u00144(1 + \u03b2) v \u22123\u03b3v(1 + \u03b2) a2 \u0015 dv dx + 9(1 + \u03b2) 2x \u22122(1 + \u03b2) dln\u03a8 \u2032 r dx ! \u22123\u03b3(1 + \u03b2) a2 d\u03a8e\ufb00 dx \u22126 x + (1 + \u03b2)(4\u03b6 \u22121) 2x (14) Since the accretion solutions must be smooth along the streamline, the radial velocity gradient (dv/dx) will be inevitably real and \ufb01nite at every radial coordinate. Nevertheless, equation (11b) is revealed the fact that between xedge and the black hole horizon, there is a possibility where the denominator (D) may vanish at some point. In order for maintaining the \ufb02ow to become smooth always, it is therefore necessary that the location where D goes to zero, N also must vanish there. The location where N and D simultaneously disappears has a special signi\ufb01cance and such location is termed as critical point (xc). It is to be noted that accretion \ufb02ow becomes transonic at xc and accordingly, we have two conditions at xc which are obtained by setting N = 0 and D = 0, respectively. Using D = 0, we calculate the Mach number (de\ufb01ned as the ratio of radial velocity to the sound speed, M = v/a) at xc as, Mc = s \u2212m2 \u2212 p m2 2 \u22124m1m3 2m1 , (15) where m1 = 2\u03b12 BIn\u03b32(\u03b3 \u22121)(2g \u22121)(1 + \u03b2c) \u2212\u03b32{3 + (\u03b3 + 1)\u03b2c}, m2 = 2\u03b3(2 + \u03b3\u03b2c) + 4\u03b12 BIn\u03b3g(g \u22121)(\u03b3 \u22121)(1 + \u03b2c), m3 = \u22122\u03b12 BIng2(\u03b3 \u22121)(1 + \u03b2c). Setting N = 0, we obtain a cubic equation of sound speed (ac) at xc as, Aa3 c + Ba2 c + Cac + D = 0, (16) where A = S s \u03a8 \u2032 r x3 c \u03b22 c (1 + \u03b2c)3 , B = 2\u03b12 BIn(g + \u03b3M 2 c )2 \u03b32xc + M 2 c (2\u03b3\u03b2c + 4) 2\u03b3(\u03b3 \u22121)(1 + \u03b2c) dln\u03a8 \u2032 r dx ! \u22122\u03b12 BIng(g + \u03b3M 2 c ) \u03b32 dln\u03a8 \u2032 r dx ! +2{3 + \u03b2c(\u03b3 + 1)}M 2 c \u03b3xc(\u03b3 \u22121)(1 + \u03b2c)2 \u2212 3M 2 c (2\u03b3\u03b2c + 3) 2\u03b3(\u03b3 \u22121)(1 + \u03b2c)xc + 6\u03b12 BIng(g + \u03b3M 2 c ) \u03b32xc \u22128\u03b12 BIng(g + \u03b3M 2 c ) \u03b32(1 + \u03b2c)xc \u2212 (4\u03b6 \u22121)M 2 c 2\u03b3(\u03b3 \u22121)(1 + \u03b2c)xc , C = \u22124\u03bbc\u03b1BInMc(g + \u03b3M 2 c ) \u03b3x2 c , D = \u0014[3 + \u03b2c(\u03b3 + 1)]M 2 c (1 + \u03b2c)(\u03b3 \u22121) \u22124\u03b12 BgIn(g + \u03b3M 2 c ) \u03b3 \u0015 \u00d7 \u0012d\u03a8e\ufb00 dx \u0013 . Here, the \ufb02ow variables speci\ufb01ed using subscript \u2018c\u2019 denote their values evaluated at xc. Now, using the accretion \ufb02ow parameters, we solve equation (16) to obtain the sound speed (ac) at xc and subsequently calculate vc using equation (15). By employing the values of vc and ac in Eq. (11), we examine the characteristics of the critical points. At the critical point, we get (dv/dx) = 0/0 and thus, we use l \u2032Hospital rule for obtaining the value of (dv/dx) at xc (hereafter, (dv/dx)c). Usually, (dv/dx)c owns two values; one for accretion and the other for wind. When the values of (dv/dx)c are real and of opposite sign, the critical point is known as saddle type (Chakrabarti & Das 2004) and this type of critical point is particularly important due to the fact that transonic solution can cross it smoothly. In the present study, since our motivation is to investigate the structure of the magnetized accretion \ufb02ow, we therefore focus into the accretion solutions only in the subsequent analysis. 3 RESULTS AND DISCUSSIONS 3.1 Transonic Global Solutions In this work, we intend to obtain the global magnetized transonic accretion solution that delineates a smooth connection between horizon and the disc edge. With this aim, we simultaneously solve the equations (11-14) for a speci\ufb01ed set of \ufb02ow parameters. While doing this, we treat \u02d9 m, \u03b1B, and \u03b3 as global parameters of the \ufb02ow. Moreover, one requires ak value and the boundary values of \u03bb and \u03b2 at a given x as local parameters to solve these equations. Note that we express angular momentum (\u03bb) in terms of Keplerian angular momentum \u03bbK (\u2261 p x3/(x \u22122)2) all throughout the paper. Since the black hole accretion solutions are necessarily transonic in nature, \ufb02ow must pass through at least one critical point and therefore, it is reasonable to choose the boundary values of the \ufb02ow at the critical point. With this, we hereby integrate equations (11-14) starting from the critical point once inwards up to just outside the black hole horizon and then outward up to a large distance (equivalently \u2018outer edge of the disc\u2019). Ultimately, these two parts of are joined to obtain a complete global transonic accretion solution. Depending on the input parameters, accretion \ufb02ow may possess single or multiple critical points (Das, Chattopadhyay, & Chakrabarti 2001a; Sarkar & Das 2013). These critical points are classi\ufb01ed as inner (xin) or outer (xout) critical points depending on whether they form close to or far away from the black hole horizon. c \u20ddRAS, MNRAS 000, 1\u2013?? \f6 Santabrata Das, Biplob Sarkar 3.2 Global Accretion Solutions with Shock When the accretion \ufb02ow containing multiple critical points accretes on to a black hole, it \ufb01rst passes through the outer critical point (xout) to become supersonic and keeps on accreting further inwards. Meanwhile, \ufb02ow starts experiencing centrifugal repulsion resulting the accumulation of matter in the nearby region of the black hole that ultimately induces the shock transition when the density threshold is reached. With this, an e\ufb00ective virtual barrier is formed around the black hole. At shock, supersonic \ufb02ow jumps in to the subsonic branch that makes the post-shock \ufb02ow hot as the kinetic energy of the \ufb02ow is converted to the thermal energy. Moreover, across the shock, \ufb02ow undergoes shock compression that ultimately causes the post-shock \ufb02ow to become dense. Interestingly, 2nd law of thermodynamics suggests that shocked accretion solutions are favorable as the entropy of the post-shock matter is comparatively higher than the pre-shock matter (Becker & Kazanas 2001). We calculate the entropy of the \ufb02ow which is expressed as (Chakrabarti 1996a), \u02d9 M(x) = vxa2n+1 \u0010 \u03b2 1+\u03b2 \u0011n q x \u03b3\u03a8\u2032 r . In the dissipation free limit, \u02d9 M remains constant all throughout expect at the shock transition. What is more is that at the discontinuous transition, the conservation of mass \ufb02ux, momentum \ufb02ux, energy \ufb02ux and magnetic \ufb02ux are held in order to satisfy the standing shock conditions (Sarkar & Das 2016, and reference therein) and hence, these conservation laws across the shock front can be written as the continuity of (a) mass \ufb02ux ( \u02d9 M\u2212= \u02d9 M+) (b) the momentum \ufb02ux (W\u2212+ \u03a3\u2212\u03c52 \u2212= W+ + \u03a3+\u03c52 +) (c) the energy \ufb02ux (E\u2212= E+) and (d) the magnetic \ufb02ux ( \u02d9 \u03a6\u2212= \u02d9 \u03a6+), respectively. In this work, we consider the shock to be thin and non-dissipative and the \ufb02ow variables with subscripts \u2018\u2212\u2019 and \u2018+\u2019 represent their values just before and after the shock. Following Fukue (1990); Samadi, Abbassi, & Khajavi (2014), we calculate the local energy of the magnetized dissipative accretion \ufb02ow as E(x) = \u03c52/2+a2/(\u03b3\u22121)+\u03a8e\ufb00+ < B2 \u03c6 > /(4\u03c0\u03c1), where all the above quantities bear their usual meaning. In the subsequent analysis, upon employing the above set of shock conditions, we compute the shock position and its diverse properties knowing the input parameters of the accretion \ufb02ow. In Fig. 1, we show the result obtained from one representative case where the variation of Mach number (M = \u03c5/a) with the logarithmic radial distance is depicted. We choose the injection parameters of the \ufb02ow at the outer edge (xedge = 1000) as Eedge = 1.0793 \u00d7 10\u22123, \u03b2edge = 1.6 \u00d7 105, \u03b1B = 0.02 and \u02d9 m = 0.05, respectively. In Fig. 1(a), we consider the black hole to be slowly rotating having ak = 0.32 and the \ufb02ow is injected with angular momentum, \u03bbedge = 0.124\u03bbK. Here, \ufb02ow is subsonic at the outer edge and becomes supersonic after crossing the outer critical point located at xout = 530.90. The supersonic \ufb02ow proceeds further inwards and encounters shock transition at xs = 16.20 while jumping in to the subsonic branch. In the \ufb01gure, shock position is shown using vertical arrow. Gradually \ufb02ow velocity is increased as it moves inward and then it passes xin smoothly at 4.1777 before crossing the horizon. Here, we show the direction of the \ufb02ow motion using arrows and mark the inner and outer critical points with \ufb01lled circles. Next, we intend to examine the role of black hole spin in deciding the shock Figure 1. (a-b) Plot of Mach number with logarithmic radial distance. Flow is injected with xedge = 1000, \u03bbedge = 0.124\u03bbK, Eedge = 1.0793 \u00d7 10\u22123, \u03b2edge = 1.6 \u00d7 105, \u03b1B = 0.02 and \u02d9 m = 0.05, respectively. We choose ak = 0.32 in panel (a) and ak = 0.52 in panel (b). (c-d) Logarithmic variation of plasma-\u03b2 corresponding to solutions (a) and (b). In each panel, xin and xout are indicated using \ufb01lled circles and shock transition is shown by vertical arrow. See text for details. transition and hence we inject matter on to a moderately rotating black hole (ak = 0.52) keeping all the \ufb02ow parameters same as in Fig. 1a. It may be noted that for this chosen set of \ufb02ow parameters, standing shock solution ceases to exist when ak > 0.52. The result is depicted in Fig. 1b, where the outer critical point, shock location and inner critical point are obtained as xout = 531.43, xs = 100.62 and xin = 3.2502, respectively. Since all the \ufb02ow parameters at the outer edge of the disc are kept \ufb01xed including angular momentum, we observe that shock forms at larger radial distance for ak = 0.52. In reality, a spinning black hole distorts the space-time fabric in its vicinity, allowing matter to orbit at a closer distance as compared to a non-rotating one. Due to the e\ufb00ect of frame dragging, the \ufb02uid angular momentum is a\ufb00ected by the rotation of the black hole. It is known that the shock formation in accretion \ufb02ow happens as a result of the competition between the gravitational pull and the centrifugal repulsion. When \ufb02ow is injected from the outer edge of the disc with \ufb01xed boundary conditions, because of the spin-orbit coupling term in the Kerr geometry, the increase of spin parameter (ak) modi\ufb01es the angular momentum pro\ufb01le of the \ufb02ow and the shock front is pushed away from the horizon as is observed in Fig. 1. This \ufb01nding is consistent with the results of Aktar, Das, & Nandi (2015). Overall, we see that the standing shock in magnetized \ufb02ow is continue to exist around the rotating black hole and when ak is increased, shock transition occurs for relatively low angular momentum \ufb02ow and vice versa. Further, in panel (c) and (d), we show the variation of plasma-\u03b2 with log x corresponding to solutions presented in panel (a) and (b), respectively. In both the cases, we \ufb01nd that plasma-\u03b2 steadily c \u20ddRAS, MNRAS 000, 1\u2013?? \fShocks in magnetized accretion \ufb02ows 7 Figure 2. Shock location (xs) variation with \u03b2edge. Here, the in\ufb02ow parameters are chosen as xedge = 1000, Eedge = 1.0793 \u00d7 10\u22123, \u03b1B = 0.02 and \u02d9 m = 0.05, respectively. In every panel, spin of the black hole (ak) is marked. In panel (a), results plotted with solid, dotted and dashed curves are obtained for \u03bbedge = 0.12845\u03bbK, 0.12791\u03bbK and 0.12737\u03bbK. And in panel (b), results depicted with solid, dotted and dashed curves are for \u03bbedge = 0.11443\u03bbK, 0.11390\u03bbK and 0.11336\u03bbK, respectively. See text for details. decreases with the decrease of radial coordinate. This clearly indicates that the magnetic activity inside the disc increases as the \ufb02ow accretes towards the horizon. 3.3 Properties of Standing Shocks One of the pertinent aspect in understanding the magnetically supported accreting \ufb02ow around the rotating black holes is to study the dependence of the shock position (xs) on the \u03b2 values. Accordingly, we calculate xs in terms of \u03b2edge for \ufb02ows with \ufb01xed outer boundary values accreting on to a given black hole. For that, we choose the outer boundary parameters as xedge = 1000, Eedge = 1.0793 \u00d7 10\u22123, \u03b1B = 0.02 and \u02d9 m = 0.05. In Fig. 2(a), we display the results obtained for ak = 0.4, where solid, dotted and dashed curves are for \u03bbedge = 0.12845\u03bbK, 0.12791\u03bbK and 0.12737\u03bbK, respectively. We notice that the shock front proceeds towards the horizon with the decrease of \u03b2edge irrespective to the values of \u03bbedge. This happens because when \u03b2edge is decreased, the e\ufb03ciency of synchrotron cooling is enhanced due to the increase of magnetic activity inside the disc. The e\ufb00ect becomes more prominent at the inner part of the disc (i.e., PSC) as, due to shock transition, both density and temperature are relatively higher there compared to the pre-shock \ufb02ow. This renders the thermal pressure to drop down in the PSC region and ultimately shock front moves inward to maintain the pressure balance across it. Incidentally, keeping the all the boundary \ufb02ow parameters \ufb01xed, one can not reduce \u03b2edge inde\ufb01nitely as shock ceases to exist when \u03b2edge < \u03b2cri edge (shock conditions fail to satisfy there). Figure 3. Variation of the shock location (xs) as function of \u03b2out (lower axis) and \u03b2in (upper axis). In each panel, ak is marked. See text for details. It may be noted that \u03b2cri edge does not have a universal value, instead it depends on the \ufb02ow parameters \ufb01xed at the outer edge of the disc. Further, we depict the results for ak = 0.8 in Fig. 2b, where solid, dotted and dashed curves represent results corresponding to \u03bbedge = 0.11443\u03bbK, 0.11390\u03bbK and 0.11336\u03bbK, respectively. Here, we keep all the other \ufb02ow parameters same as in Fig. 2a. We \ufb01nd that the shock location proceeds towards the horizon with the decrease of \u03b2edge in all cases as observed in Fig. 2a. Next, we examine the correlation of \u03b2 values between the inner and outer critical points for shock induced global accretion solutions. While doing this, we choose two cases where in\ufb02owing matters are accreted on to rotating black holes having di\ufb00erent spin parameters as ak = 0.4 and 0.8, respectively. For ak = 0.4, we consider the result depicted in Fig. 3a corresponding to \u03bbedge = 0.12845\u03bbK and show the variation of shock location as function of both \u03b2out (lower horizontal axis) and \u03b2in (upper horizontal axis). The other \ufb02ow parameters are considered same as in Fig. 2. Here, \u03b2in and \u03b2out refer \u03b2 values measured at xin and xout, respectively. We see that xs decreases when the magnetic activity is increased (\u03b2 is decreased) inside the disc. We continue our study choosing the result presented in Fig. 3b for \u03bbedge = 0.11551\u03bbK and show the variation of xs in terms of \u03b2out as well as \u03b2in in Fig. 3b. We observe that in all cases, \u03b2in < \u03b2out all throughout. This \ufb01nding is not surprising because, in our model, the advection of magnetic \ufb02ux increases as the in\ufb02owing matter approaches towards the horizon and eventually, \u03b2 is reduced towards the inner part of the disc. Moreover, we \ufb01nd that shock solutions exist even for \u03b2in < 1 irrespective to the choice of ak value. This evidently indicates that global transonic accretion solutions harbor standing shock waves both in gas pressure dominated as well as in magnetic pressure dominated \ufb02ows for a wide range of ak values. It is worthy to explore the e\ufb00ect of cooling on the c \u20ddRAS, MNRAS 000, 1\u2013?? \f8 Santabrata Das, Biplob Sarkar Figure 4. Variation of the shock location (xs) as function of \u02d9 m. Flow parameters at the outer edge of the disc is chosen as xedge = 1000, Eedge = 1.0793 \u00d7 10\u22123, \u03b1B = 0.02 and \u03b2edge = 105, respectively. Results depicted in top and bottom panels are for ak = 0.4 and 0.8. In (a), solid, dotted and dashed curves are obtained for \u03bbedge = 0.12845\u03bbK, 0.12737\u03bbK and 0.12630\u03bbK whereas in (b), solid, dotted and dashed curves represents results for \u03bbedge = 0.11443\u03bbK, 0.11336\u03bbK and 0.11229\u03bbK. See text for details. formation of shock wave in an accretion \ufb02ow and therefore, in Fig. 4, we study the variation of shock location (xs) with accretion rate ( \u02d9 m). Towards this, we consider the \ufb02ow injection parameters as xedge = 1000, \u03b2edge = 105, Eedge = 1.0793 \u00d7 10\u22123 and \u03b1B = 0.02, respectively. As before, in Fig. 4a, we chose ak = 0.4 and the pro\ufb01le of shock location (xs) is presented for various values of \u03bbedge. Here, solid, dotted and dashed curves represent \ufb02ows injected with \u03bbedge = 0.12845\u03bbK, 0.12737\u03bbK and 0.12630\u03bbK, respectively. From the \ufb01gure, it is clear that large range of \u02d9 m admits standing shock in magnetized accretion \ufb02ow. Moreover, we \ufb01nd that for a given \u03bbedge, xs moves inwards as \u02d9 m is increased. In reality, enhanced accretion rate boosts the e\ufb03ciency of the radiative cooling that causes the \ufb02ow to lose energy during accretion. Since PSC is hot and dense, the effect of cooling at PSC becomes profound that evidently decreases the post-shock thermal pressure. Consequently, this compels the shock front to settle down at some smaller distance to ful\ufb01ll the shock conditions. Unfortunately, \u02d9 m can not be increased inde\ufb01nitely due to the fact that when \u02d9 m exceeds its critical value ( \u02d9 mcri), standing shocks are no longer feasible as the shock conditions fail to satisfy there. Clearly, \u02d9 mcri does not retain a global value, rather it depends on the \ufb02ow parameters. It is also apparent that the possibility of standing shock formation reduces with the increase of \u02d9 m. Furthermore, it is intriguing to understand what happens to the \ufb02ow when standing shock conditions fail to satisfy. Interestingly, in that case, inner part of the accretion \ufb02ow may start to modulate exhibiting the feature of oscillatory shock (Das & Aktar 2015, and references therein). UnforFigure 5. Variation of the shock location (xs) as function of \u03b1B. Accreting matter is supplied with in\ufb02ow parameters as xedge = 1000, with Eedge = 1.0793 \u00d7 10\u22123, \u02d9 m = 0.05 and \u03b2edge = 105, respectively. In each panel, ak is marked. In top panel (a), the results corresponding to \u03bbedge = 0.12845\u03bbK, 0.12791\u03bbK and 0.12737\u03bbK are represented using solid, dotted and dashed line style. The same line style is used to denote the results for \u03bbedge = 0.11443\u03bbK, 0.11390\u03bbK and 0.11336\u03bbK in lower panel (b). See text for details. tunately, the investigation of non-steady shock properties is beyond the scope of the present paper. In addition, we \ufb01nd that for a given \u02d9 m, shock front recedes away from the black hole when \u03bbedge is increased. In reality, the discontinuous shock transition is essentially the manifestation of the competition between centrifugal repulsion and gravity. When \u03bbedge is higher, accretion \ufb02ow possesses higher angular momentum that causes the enhanced centrifugal repulsion against gravity. Because of this, shock front is pushed further out when \u03bbedge is increased. This \ufb01ndings establishes the fact that shocks are centrifugally driven. In Fig. 4(b), we present the result corresponding to ak = 0.8, where solid, dotted and dashed curves represent results obtained for \u03bbedge = 0.11443\u03bbK, 0.11336\u03bbK and 0.11229\u03bbK, respectively. Here also, we observe that the formation of shock and its dependence on \u02d9 m and \u03bbedge are in general similar to the results shown in Fig. 4(a). For completeness, we investigate the variation of shock location in terms of viscosity (\u03b1B) for \ufb02ows having \ufb01xed outer edge boundary parameters. Here, we choose the \ufb02ow injection parameters as xedge = 1000, Eedge = 1.0793\u00d710\u22123, \u03b2edge = 105 and \u02d9 m = 0.05, respectively. In Fig. 5a, we show the obtained results for ak = 0.4, where solid, dotted and dashed curves are for \u03bbedge = 0.12845\u03bbK, 0.12791\u03bbK and 0.12737\u03bbK, respectively. Notice that shocked accretion solutions exist for a wide range of \u03b1B and shock location shifts towards the horizon with the increase of \u03b1B for all cases having di\ufb00erent \u03bbedge values. In reality, as \u03b1B is increased, angular momentum transport in the outward direction becomes more e\ufb03cient that causes the weakening of centrifugal repulc \u20ddRAS, MNRAS 000, 1\u2013?? \fShocks in magnetized accretion \ufb02ows 9 Figure 6. Variation of critical accretion rate ( \u02d9 mcri) as a function of viscosity parameter (\u03b1B) for various ak. Here, we choose \u03b2in = 10. Long-dashed, dashed and dot-dashed curves are obtained for ak = 0, 0.4 and 0.8 and the region bounded by them in \u03b1B \u2212\u02d9 mcri plane provides closed accretion solutions passing through the inner sonic point. In addition, solid, dotted and shortlong-dashed curves represent the e\ufb00ective region corresponding to ak = 0, 0.4 and 0.8 that admits standing shock solutions. In the inset, examples of closed (marked with C) and shocked solutions (marked with S) are presented. See text for details. sion and hence, shock front is driven inward. When \u03b1B exceeds its critical limit (\u03b1cri B ), shock conditions do not remain favorable and as a result, standing shock disappears. Again, it may be noted that \u03b1cri B largely depends on the accretion \ufb02ow parameters. Further, in Fig. 5b, we display the result for ak = 0.8, where solid, dotted and dashed curves denote results for \u03bbedge = 0.11443\u03bbK, 0.11390\u03bbK and 0.11336\u03bbK, respectively. Here, we \ufb01nd that shock location decreases with the increase of \u03b1B around rotating black holes as well. 3.4 Parameter Space for Shock We have already mentioned that during the course of accretion, in\ufb02owing matter may contain shock wave provided it possesses multiple critical points. Interestingly, one can obtain standing shock solution, if the standing shock conditions are satis\ufb01ed (see \u00a73.2). But, when shock conditions are not favorable and the entropy content at the inner critical point is higher than the outer critical point, the shock formation never remains steady as the shock location becomes imaginary (Das, Chattopadhyay, & Chakrabarti 2001a) and therefore, shock starts to execute continuous back and forth movements that seems to exhibit the quasi-periodic oscillation phenomenon (Das, Chattopadhyay, & Chakrabarti 2001a). In this case, accretion solution passing through the inner critical point fails to connect the black hole horizon to the outer edge of the disc as it becomes closed in the range xin < x < xout with M(x) = Mc (Chakrabarti & Das 2004). Needless to mention that it is not possible to examine the characteristics of the non-steady shock solution in the framework of the present paper, however, we estimate the critical accretion rate ( \u02d9 mcri) that provides accretion solutions containing standing shocks and/or closed topologies. While doing this, we \ufb01x \u03b2in = 10, and for a given ak, we calculate \u02d9 mcri as function of \u03b1B, where xin and \u03bbin are varied freely. Accordingly, in Fig. 6, we classify the parameter space spanned by \u03b1B and \u02d9 mcri that provides closed topologies and standing shocks, respectively. Examples of closed topology (marked as C) and standing shock solution (marked as S) are displayed in the small boxes, where the variation of Mach number with radial coordinate is plotted. In the \ufb01gure, longdashed, short-dashed and dot-dashed curves are obtained for ak = 0, 0.4 and 0.8 that separate the \u03b1B \u2212\u02d9 mcri plane where left-bottom region allows closed topologies. Similarly, solid, dotted and short-long-dashed curves separate the standing shock parameter space for ak = 0, 0.4 and 0.8, respectively. We observe that the shock parameter space appears to be the subset of parameter space for closed topology all throughout. This is expected as the region of closed topologies includes the region of standing as well as oscillating shocks. Meanwhile, Das & Chakrabarti (2008) showed that for \ufb01xed ak, the e\ufb00ective region of standing shock parameter space shrinks with the increase of accretion rate for an inviscid \ufb02ow. Actually, when the accretion rate is enhanced, cooling becomes more e\ufb00ective and hence, in\ufb02owing matter loses energy during accretion. On the other hand, viscosity enhances the \ufb02ow energy as it accretes due to viscous heating. Interestingly, when both dissipation processes, namely, viscosity and synchrotron cooling, are present in the \ufb02ow, viscous dissipation e\ufb00ectively compensates a part of the energy loss happens due to cooling. Here, in a way, viscosity and cooling act oppositely in deciding the shock parameter space. However, as synchrotron cooling and viscous heating depend di\ufb00erently on the \ufb02ow variables, one does not cancel the other e\ufb00ect completely (Das 2007). Overall, for a given ak, standing shock continues to form until an optimum combination of (\u03b1B, \u02d9 mcri) is reached which evidently exhibits as a peak in the \u03b1B\u2212\u02d9 mcri plane. In general, the \ufb02ow is dominated by cooling in the left side of the peak whereas viscous heating dominates on the other side. As expected, shock disappears when viscosity exceeds its critical limit (Chakrabarti & Das 2004). In addition, in case of a rapidly rotating black hole, shock forms in a relatively low angular momentum accretion \ufb02ow (Aktar, Das, & Nandi 2015) that e\ufb00ectively causes the weak centrifugal repulsion and therefore, standing shock settles down at a smaller length scale. Moreover, when the level of dissipation is increased (namely, the increase of \u03b1B and \u02d9 m), shock front is compelled to move towards the horizon (see Fig. 4-5). This clearly indicates that rapidly rotating black holes can sustain shocks for lower dissipation rates and we observe the similar \ufb01ndings in Fig. 6. Now, we intend to study the e\ufb00ect of magnetic \ufb01elds in deciding the e\ufb00ective region of parameter space in (\u03b1B, \u02d9 mcri) plane for standing shock. In Fig. 7, we present the obtained results, where shock parameter space is computed for rapidly rotating black hole (ak = 0.8) considering different \u03b2in values. In the \ufb01gure, the regions bounded with solid, dotted, short-dashed and long-dashed curves are obtained for \u03b2in = 5, 10, 50 and 100, respectively. We observe that the e\ufb00ective region of the parameter space for shock gradually reduces with the decrease of \u03b2in. This happens c \u20ddRAS, MNRAS 000, 1\u2013?? \f10 Santabrata Das, Biplob Sarkar Figure 7. Variation of critical accretion rate ( \u02d9 mcri) for standing accretion shock with viscosity parameter (\u03b1B) for di\ufb00erent \u03b2in. Here, we \ufb01x black hole spin as ak = 0.8. Solid, dotted, dashed and long-dashed curves denote results for \u03b2in = 5, 10, 50, and 100, respectively. See text for details. due to the fact that when \u03b2in is low, synchrotron cooling becomes very much e\ufb00ective and therefore, the level of dissipation experienced by the in\ufb02owing matter turns out to be signi\ufb01cant even with moderate accretion rates. Thus, the possibility of shock formation is eventually reduced as the magnetic activity is increased inside the disc. We carry out the analysis further to calculate the critical accretion rate ( \u02d9 mcri) of the \ufb02ow as function of \u03b2in that provides global accretion solutions containing standing shock. In Fig. 8, we compare the critical accretion rate ( \u02d9 mcri) where solid and dashed curves represent the results obtained for non-rotating (ak = 0) and rapidly rotating (ak = 0.8) black holes, respectively. Here, we choose the viscosity parameter as \u03b1B = 0.01. We \ufb01nd that standing shocks exist for a wide range of \u03b2in that e\ufb00ectively includes both gas pressure dominated \ufb02ows (\u03b2 > 1) as well as magnetic pressure dominated \ufb02ows (\u03b2 < 1). Since synchrotron process directly depends on the density and magnetic \ufb01elds of the \ufb02ow, one can achieve the desired cooling e\ufb03ciency by suitably adjusting the accretion rate and plasma \u03b2. In the \ufb01gure, we observe this \ufb01ndings for both the cases (for ak = 0 and 0.8) where the critical accretion rate ( \u02d9 mcri) for shock is found to be increased with \u03b2in. In reality, when \u03b2in < 1, the inner part of the disc is magnetically dominated and a tiny amount of accretion rate is su\ufb03cient to cool the \ufb02ow. On the other hand, as \u03b2in is gradually increased, the strength of magnetic \ufb01elds becomes weak and therefore, enhanced accretion rate is needed for the cooling of the \ufb02ow. Interestingly, when \u03b2in \u226b1, magnetic \ufb01elds becomes insigni\ufb01cant and \ufb02ow is capable of sustaining standing shocks even for super-Eddington accretion rates ( \u02d9 mcri > 1). Moreover, we \ufb01nd that for a given \u03b2in, \u02d9 mcri is smaller for higher ak. This clearly indicates that in\ufb02owing matter around rapidly rotatFigure 8. Comparison of critical accretion rate \u02d9 mcri for shock with \u03b2in. In the plot, \ufb01lled circles joined with solid line denote results for ak = 0 and \ufb01lled circles connected with dashed line represent results corresponding to ak = 0.8, respectively. Here \u03b1B = 0.01 is used. See text for details. Figure 9. Variation of critical accretion rate \u02d9 mcri with ak for shock. Here, we \ufb01x viscosity parameter as \u03b1B = 0.01. Results depicted with solid, dotted, dashed and big-dashed line style correspond to \u03b2in = 10, 50, 100 and 150. See text for details. ing black holes contain shocks for relatively lower accretion rates which is consistent with the \ufb01ndings of Fig. 6. In the context of the formation of standing shock in an magnetized accretion \ufb02ow, we now illustrate the dependence of the critical accretion rate ( \u02d9 mcri) on the spin of the black hole (ak) in Fig. 9. In order for that we \ufb01x the viscosity as \u03b1B = 0.01. Here, solid, dotted, dashed and long-dashed c \u20ddRAS, MNRAS 000, 1\u2013?? \fShocks in magnetized accretion \ufb02ows 11 Figure 10. Plot of maximum energy dissipation (\u2206Emax) at the shock with ak for three distinct values of \u03b2in. Here, we choose accretion rate as \u02d9 m = 0.05 and \ufb01x viscosity parameter as \u03b1B = 0.01. Solid, dotted and dashed curves are obtained for \u03b2in = 6, 10 and 1000, respectively. See text for details. curves are obtained for \u03b2in = 10, 50, 100 and 150, respectively. We observe that for a given \u03b2in, \u02d9 mcri decreases with the increase of ak in all cases. Moreover, here again we \ufb01nd that when \u03b2in is large, accretion \ufb02ow continues to sustain standing shock for higher accretion rate and vice versa. 3.5 Energy Extraction from PSC So far, we have carried out the investigation of standing shock properties for \ufb02ows accreting on to rotating black holes. While doing this, we consider the shock to be thin and non-dissipative and therefore, the speci\ufb01c energy remains essentially conserved across the shock front (Chakrabarti 1989). However, in reality, the nature of the shock can be dissipative as well and in that case, the available energy dissipated at shock escaped through the disc surfaces along the vertical direction. A part of this energy is then converted to hard radiations and the rest may be used in jet generation as jets seem to be originated from the PSC around rotating black holes (Aktar et al. 2017, and references therein). In e\ufb00ect, this cause the depletion of energy at PSC (Singh & Chakrabarti 2011). Moreover, Chakrabarti & Titarchuk (1995) pointed out that the dissipative energy at shock is likely to be regulated via thermal Comptonization process that ultimately reduces the thermal energy of the PSC. Based on the above insight, we model the dissipated energy to be proportional to the temperature di\ufb00erence between the immediate pre-shock and post-shock \ufb02ow. Following this, the energy loss (\u2206E) at the shock is estimated as (Das, Chakrabarti, & Mondal 2010), \u2206E = fn(a2 + \u2212a2 \u2212), (17) where a\u2212and a+ specify the sound speed just before and after the shock transition. Here, f refers the fractional value of thermal energy di\ufb00erence dissipated at shock and we treat it as free parameter (Das, Chakrabarti, & Mondal 2010; Sarkar & Das 2013; Kumar & Chattopadhyay 2013; Sarkar, Das, & Mandal 2018). For the purpose of representation, in this work, we choose f = 0.1 all throughout. In Fig. 10, we show how the maximum energy dissipated at shock (\u2206E max) is varied with ak. While doing this, we choose \u02d9 m = 0.05 and \u03b1B = 0.01, respectively and freely vary the other \ufb02ow parameters. In the plot, solid, dotted and dashed curves illustrate the results for \u03b2in = 6, 10 and 1000, respectively. We \ufb01nd that for given \u03b2in, \u2206E max increases with the increase of ak. In general, standing shock forms at a smaller radial coordinate when ak is increased (Aktar, Das, & Nandi 2015) and hence, the thermal energy content across the shock is also increased. Eventually, the accessible thermal energy likely to be dissipated at shock is also enhanced. Therefore, for a given \u03b2in, we \ufb01nd a positive correlation between \u2206E max and ak. On the other hand, as \u03b2in is reduced, synchrotron cooling turns out to be more compelling in the \ufb02ow due to the increase of magnetic \ufb01eld strength that ultimately reduces the thermal energy content in the PSC. Thus, \u2206E max diminishes with the decrease of \u03b2in for \ufb01xed ak. Finally, if the mass, spin and accretion rate of a given black hole candidate is known, the above formalism can be employed to estimate the maximum accessible energy in the PSC region and then this unbound energy could be compared with the observed radio jet kinetic power. Such a task is under progress and would be reported elsewhere. 4 SUMMARY In this paper, we study the magnetized advection accretion \ufb02ow around rotating black hole where viscosity and synchrotron cooling is considered as the dominant dissipation processes. We calculate the shock induced global accretion solutions and investigate the e\ufb00ect of dissipation parameters, such as \u02d9 m, \u03b1B and \u03b2, in deciding the formation of shock waves. The results are summarized below. We \ufb01nd that accreting matter continues to harbor standing shock waves for ak \u2a7d0.8 (see Fig. 1-5). It may be noted that we restrict the upper limit of ak below its maximum allowed value (i.e., ak \u21921), because the adopted potential satisfactorily mimics the space-time geometry around the rotating black hole for spin parameter ak \u22720.8 (Chakrabarti & Mondal 2006). Furthermore, we have realized that standing shocks in magnetized accretion \ufb02ow are quite common and they exist for a wide range of \ufb02ow parameters (see Fig. 2-5). Next, we quantify the range of dissipation parameters that admit the formation of standing shocks in magnetized accretion \ufb02ow around rotating black holes. We \ufb01nd that \ufb02ow can sustain shock waves even when the level of dissipation is very high. More importantly, we observe that radiative cooling acts oppositely in contrast with viscous dissipation in deciding the shock parameter space (see Fig. 6). However, the e\ufb00ect of cooling can not be mitigated completely by viscous heating as their dependencies on the \ufb02ow variables are di\ufb00erent. Further, we \ufb01nd that the possibility of shock formation always decreases with the increase of dissipation strength. Subsequently, we calculate the critical accretion rate ( \u02d9 mcri) for standing shock. When accretion rate c \u20ddRAS, MNRAS 000, 1\u2013?? \f12 Santabrata Das, Biplob Sarkar exceeds the critical limit, standing shock conditions are not satis\ufb01ed and consequently, standing shock disappears. We \ufb01nd that \u02d9 mcri strongly depends on viscosity (\u03b1B), magnetic \ufb01elds (\u03b2) and spin of the black hole (ak), respectively (see Fig. 6-9). What is more is that standing shock exists in a magnetically dominated accretion \ufb02ow when the accretion rate lies in general in the sub-Eddington domain ( \u02d9 m < 1) whereas for gas pressure dominated \ufb02ow, shock forms even for super-Eddington accretion rate ( \u02d9 m > 1) (see Fig. 7-9). Further, we obtain the standing shock solution for magnetized accretion \ufb02ow, where the shock is considered to be dissipative by nature. The available energy dissipated at shock (\u2206E) is usually escaped through the disc surface that is being utilized to power the jets/out\ufb02ows (Le & Becker 2004, 2005; Das, Becker, & Le 2009). Towards this, we compute the maximum energy dissipated at shock (\u2206E max) and \ufb01nd that \u2206E max increases with ak although its dependence on \u03b2in is very much conspicuous. Finally, we would like to mention that the present formalism is developed by adopting a simpli\ufb01ed pseudo potential to delineate the gravitational e\ufb00ect around a rotating black hole. Incidentally, while studying the non-linear shock solutions, this approach allow us to avoid the mathematical complexity of general theory of relativity and at the same time it retains the salient features of space-time geometry around rotating black holes (Chakrabarti & Mondal 2006). In this regard, although the present formalism introduces a bit of imperfections, however, we believe that the basic \ufb01ndings of this work will qualitatively remain unaltered due to this approximation. ACKNOWLEDGMENTS Authors thank the anonymous referee for useful comments and constructive suggestions."
+ },
+ {
+ "url": "http://arxiv.org/abs/1405.4415v1",
+ "title": "Periodic massloss from viscous accretion flows around black holes",
+ "abstract": "We investigate the behaviour of low angular momentum viscous accretion flows\naround black holes using Smooth Particle Hydrodynamics (SPH) method. Earlier,\nit has been observed that in a significant part of the energy and angular\nmomentum parameter space, rotating transonic accretion flow undergoes shock\ntransition before entering in to the black hole and a part of the post-shock\nmatter is ejected as bipolar outflows, which are supposed to be the precursor\nof relativistic jets. In this work, we simulate accretion flows having\ninjection parameters from the inviscid shock parameter space, and study the\nresponse of viscosity on them. With the increase of viscosity, shock becomes\ntime dependent and starts to oscillate when the viscosity parameter crosses its\ncritical value. As a result, the in falling matter inside the post-shock region\nexhibits quasi-periodic variations and causes periodic ejection of matter from\nthe inner disc as outflows. In addition, the same hot and dense post-shock\nmatter emits high energy radiation and the emanating photon flux also modulates\nquasi-periodically. Assuming a ten solar mass black hole, the corresponding\npower density spectrum peaks at the fundamental frequency of few Hz followed by\nmultiple harmonics. This feature is very common in several outbursting black\nhole candidates. We discuss the implications of such periodic variations.",
+ "authors": "Santabrata Das, Indranil Chattopadhyay, Anuj Nandi, Diego Molteni",
+ "published": "2014-05-17",
+ "updated": "2014-05-17",
+ "primary_cat": "astro-ph.HE",
+ "cats": [
+ "astro-ph.HE"
+ ],
+ "main_content": "INTRODUCTION Luminosities and spectra emanating from the microquasars and AGNs are best explained by the gravitational energy released due to accretion onto compact objects such as black holes. However, it has been established in recent years, that black hole candidates, be it stellar mass or super massive, emits powerful collimated out\ufb02ows or jets (Livio 1999). Since black holes do not have intrinsic atmosphere or hard surface, these jets have to be generated from the accretion disc itself. In a very interesting paper, Junor et al. (1999) had shown that jets originate from around a region less than 100rg (rg\u2261Schwarzschild radius) across the central object of the nearby active galaxy M87. Since the typical timescale of an AGN or a microquasar scales with mass, temporal behaviour of black hole candidates is studied with micro\u22c6E-mail: sbdas@iitg.ernet.in (SD); indra@aries.res.in (IC); anuj@isac.gov.in (AN); diego.molteni@unipa.it (DM) quasars (McHardy et al. 2006). After investigating the connection between accretion and ejection in ten microquasars, Gallo et al. (2003) concluded that mildly relativistic, quasi steady jets are generally ejected in the low hard spectral states (i.e., when electromagnetic spectra peak in the high energy power-law frequency range) of the accretion disc. It was also shown that jets tend to get stronger as the microquasar moves to the intermediate hard states, and truly relativistic ejections are observed during hard-intermediate to soft-intermediate transition, after which the microquasar enters canonical high soft state (i.e., when spectra peak in the thermal low energy range), which shows no jet activity (Rushton et al. 2010; Miller-Jones et al. 2012). All these evidences suggest that the generation or quenching of jets do depend on various states of the accretion disc, and that, the jet formation mechanism is linked with the processes that dominate at distances relatively closer to the black hole. It is well known that, spectra from microquasar change states between, the low hard state (LH) and high soft state \f2 Santabrata Das, Indranil Chattopadhyay, Anuj Nandi, Diego Molteni (HS), through a series of intermediate states. Interestingly, the hard power-law photons exhibit a quasi-periodic oscillations (QPO). The QPOs evolve along with the spectral states of the accretion disc, starting with low frequencies in LH, increasing as the luminosity increases, and reaches highest value before disappearing in the HS state (Chakrabarti et al. 2008; Shaposhnikov & Titarchuk 2009; Nandi et al. 2012, 2013). Interestingly, although QPO frequency increases as the accretion disc moves from LH to intermediate states, but no QPO was detected during ejection of relativistic jets (Nandi et al. 2013; Radhika & Nandi 2013) which suggests that, probably the part of the disc responsible for QPO is entirely ejected as relativistic jets. This conversely also suggests that, the inner part of the disc is responsible for QPOs and is also the base of the jet. Accretion disc models which are invoked to explain the accretionejection phenomena around black hole candidates, should at least address the connection between spectral states, QPO evolution and the evolution of jets, apart from matching the luminosities radiated by AGNs and microquasars. There are various accretion disc models in the literature. We know that, matter crosses the horizon with the speed of light (c) and circular orbits cannot exist within the marginally stable orbit (3rg). So the inner boundary condition for accretion onto black hole is necessarily transonic, as well as, sub-Keplerian, which implies that advection should be signi\ufb01cant at least close to the horizon. The very \ufb01rst model of accretion onto black holes was of course radial in\ufb02ow of matter, which was basically the general relativistic version of the Bondi solutions (Bondi 1952; Michel 1972). However, the infall time scale of radial accretion onto black holes is short, and therefore has very little time to produce the huge luminosities observed from AGNs and microquasars (Shapiro 1973). On the other hand, Shakura & Sunyaev (1973) considered a geometrically thin but optically thick accretion disc characterized by negligible advection, but by virtue of possessing Keplerian angular momentum distribution, the disc was rotation dominated. This disc model was radiatively e\ufb03cient and produced the multi-coloured blackbody part of the spectra or the \u2018blue bump\u2019 radiated by the AGNs. However, the presence of hard power-law tail in the spectra of the black hole candidates indicated the necessity of a hot Comptonizing cloud, which was neither present in Keplerian disc nor its origin could be identi\ufb01ed in any self-consistent manner from such a disc. Therefore, models with advection gained importance. Theoretically, it was shown that in a signi\ufb01cant range of energy and angular momentum, multiple sonic points may exist for rotating, transonic accretion \ufb02ows onto black holes, where the existence of the inner sonic point is purely due to the presence of gravity stronger than that due to the Newtonian variety (Liang & Thompson 1980). It has been shown numerically as well as analytically, that such transonic matter in the multiple sonic point regime, may undergo steady or non-steady shock transition. Shock in accretion may be pressure and centrifugally supported, if the \ufb02ow is rotating (Fukue 1987; Chakrabarti 1990; Molteni et al. 1994, 1996a,b; Chakrabarti & Das 2004; Molteni et al. 2006; Chattopadhyay & Das 2007; Das 2007; Das & Chattopadhyay 2008) or only be pressure supported if the \ufb02ow is spherical (Chang & Ostriker 1985; Kazanas & Ellison 1986; Babul et al. 1989). The most popular amongst accretion disc models with advection is the so-called advection dominated accretion \ufb02ow (ADAF), and it is characterized by a single sonic point close to the horizon (Narayan et al. 1997). It has been shown later, that ADAF type solution is a subset of a general viscous advective accretion solutions (Lu et al. 1999; Becker et al. 2008; Kumar & Chattopadhyay 2013). The shock in accretion disc around black holes has been shown to exist for multispecies \ufb02ows with variable adiabatic index (\u03b3) as well (Chattopadhyay 2008; Chattopadhyay & Chakrabarti 2011; Kumar et al. 2013; Chattopadhyay & Kumar 2013). Shock transition for accretion \ufb02ow are favourable mechanism to explain many of the observational features of black hole candidates. Hot electrons in the post-shock region, abbreviated as CENBOL (CENtrifugal pressure supported Boundary Layer), may explain the power-law tail of the spectrum from black hole candidates in hard states, while a weak or no shock solution produces a dearth of hot electrons which may cause the weaker power-law tail in the soft states (Chakrabarti & Titarchuk 1995; Mandal & Chakrabarti 2010). Moreover, a large number of authors have shown the formation of bipolar out\ufb02ows from the post-shock accretion \ufb02ow, both numerically (Molteni et al. 1994, 1996b) as well as analytically (Le & Becker 2005; Chattopadhyay & Das 2007; Fukumura & Kazanas 2007; Das & Chattopadhyay 2008; Das et al. 2009; Kumar & Chattopadhyay 2013; Kumar et al. 2013, 2014). It is also interesting to note that, by considering a simpli\ufb01ed inviscid accretion, and which has the right parameters to form a standing shock, Das et al. (2001) qualitatively showed that there would be no jets in no-shock or weak shock condition of the disc, or in other words, when the disc is in the soft spectral state. This indicates the conclusions of Gallo et al. (2003). Such a scheme of accretion-ejection solution is interesting because, the jet base is not the entire accretion disc but the inner part of the disc, as has been suggested by observations (Junor et al. 1999; Doeleman et al. 2012). Although, most of the e\ufb00orts have been undertaken theoretically to study steady shocks, perhaps transient shock formations may explain the transient events of the black hole candidates much better. Molteni et al. (1996b), considered bremsstrahlung cooling of an inviscid \ufb02ow, and reported there is signi\ufb01cant oscillation of the post-shock region. Since the post-shock \ufb02ow is of higher density and temperature compared to the pre-shock \ufb02ow, the cooling rates are higher. If the cooling timescale roughly matches with the infall timescale at the shock the resonance condition occurs and the post-shock \ufb02ow oscillates. Since the post-shock region is the source of hard X-rays (Chakrabarti & Titarchuk 1995), thus its oscillation would be re\ufb02ected in the oscillation of the emitted hard X-rays \u2014 a plausible explanation for QPOs (Chakrabarti & Manickam 2000). In this paper, we will focus on the oscillation of the shock front, but now due to viscosity instead of any cooling mechanism. Chakrabarti & Das (2004); Kumar & Chattopadhyay (2013) had shown that, with the increase of viscosity parameter, in the energy-angular momentum parameter space, the domain of shock decreases. We know viscosity transports angular momentum outwards, while the speci\ufb01c energy increases inwards. How does the general \ufb02ow properties of matter, which are being launched with same injection speed \fPeriodic massloss from viscous accretion \ufb02ows 3 and temperature, be a\ufb00ected with the increase in viscosity parameter? It has been shown from simulations and theoretical studies that post-shock matter is ejected as jets, however if the shock is weak then the jet should be of lower power! We would like to \ufb01nd the condition of the shocked disc that produces weak or strong jets. Disc instability due to viscous transport has been shown before and has been identi\ufb01ed with QPOs (Lanzafame et al. 1998, 2008; Lee et al. 2011), however, we would like to show how this instability might a\ufb00ect the shock induced bipolar out\ufb02ows. Moreover, it has been shown theoretically that the energy and angular momentum for which steady shock exists in inviscid \ufb02ow, will become unstable for viscous \ufb02ow (Chakrabarti & Das 2004; Kumar & Chattopadhyay 2013). We would like to see how the mass out\ufb02ow rate depend on unstable shock, or in other words, if there is any connection between QPOs and mass out\ufb02ow rate. In this paper, we would like to address these issues. In the next section, we present the governing equations and model assumptions. In section 3, we present the results, and in the last section we draw concluding remarks. 2 GOVERNING EQUATIONS We consider a non-steady accretion \ufb02ow around a nonrotating black hole. The space time geometry around a Schwarzschild black hole is modeled using the pseudoNewtonian potential introduced by Paczy\u00b4 nski & Wiita (1980). In this work, we use geometric units as 2G = MB = c = 1, where G, MB and c are the gravitational constant, the mass of the black hole and the speed of light, respectively. In this unit system, distance, velocity and time are measured in units of rg = 2GMB/c2, c and tg = 2GMB/c3 respectively, and the equations have been made dimensionless. The Lagrangian formulation of the two-dimensional \ufb02uid dynamics equations for SPH (Monaghan 1992) in cylindrical coordinate are given by (Lanzafame et al. 1998) \u2014 The mass conservation equation, D\u03c1 Dt = \u2212\u03c1\u2207.v, (1) where, D Dt denotes the co-moving time-derivative and \u03c1 is the density. The radial momentum equation is given by, Dvr Dt = \u22121 \u03c1 \u2202P \u2202r + gr + v2 \u03c6 r . (4a) The vertical momentum equation is, Dvz Dt = \u22121 \u03c1 \u2202P \u2202z + gz. (4b) The azimuthal momentum equation is, Dv\u03c6 Dt = \u2212v\u03c6vr r + 1 \u03c1 \u0014 1 r2 \u2202 \u2202r \u0000r2\u03c4r\u03c6 \u0001\u0015 , (4c) where, \u03c4r\u03c6 is the r \u2212\u03c6 component of viscous stress tensor and is given by, \u03c4r\u03c6 = \u03b7r \u2202\u2126 \u2202r , (4d) and the angular velocity is given by, \u2126= v\u03c6 r . (4e) In Eqs. 4(a-b), gr and gz are the components of gravitational force (Paczy\u00b4 nski & Wiita 1980) and are given by, gr = \u2212 1 2(R \u22121)2 r R, and gz = \u2212 1 2(R \u22121)2 z R, (4f) where R = \u221a r2 + z2. The form of dynamic viscosity parameter is given by (Shakura & Sunyaev 1973), \u03b7 = \u03bd\u03c1 = \u03b1\u03c1ah where, \u03bd is the kinematic viscosity, \u03b1 is the viscosity parameter, a (= p \u03b3P/\u03c1) is the sound speed, \u03c1 is the mass density, h [= q 2 \u03b3 ar1/2(r \u22121)] is the disc half height estimated using hydrostatic equilibrium (Chakrabarti & Das 2004) and v = \u221av2 r + v2 z. The conservation of energy is given by, D Dt \u0012 \u01eb + 1 2v2 \u0013 = \u2212P \u03c1 \u2207v + v\u00b7 \u0012Dv Dt \u0013 + 1 \u03c1\u2207(\u02dc \u03c4: v) , (4g) with \u0012Dv Dt \u0013 = \u22121 \u03c1\u2207P + g, where, P = (\u03b3 \u22121) \u03c1\u01eb is the equation of state of ideal gas, g is the gravitational acceleration and \u01eb is the internal energy, respectively. \u02dc \u03c4 : v is the vector resulting from the contraction of the stress tensor with the velocity vector. We include only \u03c4r\u03c6 (namely, the r \u2212\u03c6 component) since it is the dominant contributor to the viscous stress. A complete steady solution requires the equations of energy, angular momentum and mass conservation supplied by transonic conditions at the critical points and the Rankine-Hugoniot conditions at the shock. 3 RESULTS In order to obtain the time dependent axisymmetric, viscous accretion solution, we adopt Smooth Particle Hydrodynamics scheme. Here, we inject SPH particles with radial velocity vinj, angular momentum \u03bbinj and sound speed ainj at the injection radius rinj. Initially, the accreting matter is treated as inviscid in nature. At the injection radius, the disc height is estimated considering the fact that the \ufb02ow remain in hydrostatic equilibrium in the vertical direction and obtained as Hinj \u223cainjr1/2 inj (rinj \u22121). With the suitable choice of \ufb02ow parameters at the injection radius, accretion \ufb02ow may undergo shock transition. For a given set of \ufb02ow parameters like the Bernoulli parameter E = 0.00449 and the speci\ufb01c angular momentum \u03bb = 1.63, we plot the equatorial Mach number M = vr/a of the \ufb02ow with r at t = 317.39tg, and the transient shock is at rs = 7.5rg (Fig. 1a). The steady state is reached at t = 104tg, and the stationary shock settles at rs = 15rg (Fig. 1b). The steady state angular momentum distribution on the equatorial plane is shown in Fig. 1c. The position of the SPH particles in steady state is shown in Fig. 1d in the r \u2212z plane. Once the steady state is achieved in the inviscid limit, \f4 Santabrata Das, Indranil Chattopadhyay, Anuj Nandi, Diego Molteni Figure 1. (a) Mach number M = vr/a on the equatorial plane with r at t = 317.39 tg, (b) M on the equatorial plane with r, after the solution has reached steady state. (c) Speci\ufb01c angular momentum \u03bb on the equatorial plane with r, and (d) the distribution of SPH particles in steady state in r \u2212z plane. The injection parameters are injection velocity vinj = \u22120.06436, sound speed ainj = 0.06328 and angular momentum \u03bbinj = 1.63 at rinj = 50.4. See text for details. we turn on the viscosity. It must be pointed out that turning on the viscosity after obtaining the inviscid steady state shock solution, doesn\u2019t a\ufb00ect our conclusions since exactly the same result would be obtained if the viscosity is turned on initially. However, since turning on \u03b1 makes the numerical code slow, it would have taken much longer time to search the parameters for which the disc admits shock solution. The role of viscosity is to remove angular momentum outwards, and consequently it perturbs the shock front, and may render the stationary shock unstable. In Fig. 2a, we show the time evolution of the shock location for inviscid accretion \ufb02ow. The shock location is measured at the disc equatorial plane. Here, we use input parameters as rinj = 50.4, vinj = \u22120.06436, ainj = 0.06328, and \u03bbinj = 1.63 respectively. For \u03b1 = 0.005, we \ufb01nd stable shock at around 17rg depicted in Fig. 2b. When viscosity is increased further and reached its critical limit, namely \u03b1 = 0.011, shock front starts oscillating and the oscillation sustains forever, provided the injected \ufb02ow variables remain unaltered. This feature is shown in Fig. 2c. For further increase of viscosity, the oscillation becomes irregular and for even higher \u03b1, the shock oscillation is irrevocably unstable. We change the injection parameters to vinj = \u22120.06532, ainj = 0.06221, and \u03bbinj = 1.7 at rinj = 50.8, and plot the time evolution of the shock rs for inviscid \ufb02ow (Fig. 2d), \u03b1 = 0.003 (Fig. 2e) and \u03b1 = 0.007 (Fig. 2f). The mechanism of shock oscillation due to the presence of viscosity, may be understood in the following manner. We know viscosity transports angular momentum (\u03bb) outwards. Since the post-shock disc is hot, Figure 2. Time evolution of shock location. Viscosity parameter chosen are (a) \u03b1 = 0.0 (b) 0.005 and (c) 0.011, for injection parameters rinj = 50.4 rg with injection velocity vinj = \u22120.06436, sound speed ainj = 0.06328 and angular momentum \u03bbinj = 1.63. And the panels on the right are plotted for viscosity (d) \u03b1 = 0, (e) 0.003 and (f) 0.007, for injection parameters rinj = 50.8 rg with injection velocity vinj = \u22120.06532, sound speed ainj = 0.06221 and angular momentum \u03bbinj = 1.7. Here, the adiabatic index \u03b3 = 4/3. the angular momentum transport in the post-shock disc is more e\ufb03cient than the pre-shock disc. Accordingly, angular momentum piles up in the post shock region. On the other hand, a steady shock forms if the momentum \ufb02ux, energy \ufb02ux and mass \ufb02ux are conserved across the shock. Therefore, as the angular momentum piles up in the immediate post-shock region, extra centrifugal force will try to push the shock front outward. If this piling up of \u03bb is moderate then the expanded shock front will \ufb01nd equilibrium at some position to form steady shock (e.g., Figs. 2b, 2e). If this outward push is strong enough then the expanding shock front will overshoot a possible equilibrium position and in that case the shock front will oscillate (e.g., Figs. 2c, 2f). If the angular momentum piling results in too strong centrifugal barrier, it could drive the shock out of the computation domain. It may be noted that we are simulating the inner part of the disc, i.e., the inner few \u00d7 10rg of the disc. And, therefore the injection parameters are similar to the inner boundary conditions of an accretion disc. Since matter entering a black hole has angular momentum, typically 1 < \u223c\u03bb < \u223c2, our chosen angular momentum are also of the same order. However, at the outer edge angular momentum may reach very high value depending on \u03b1. For example, with injection parameters rinj = 50.4, vinj = \u22120.06436, ainj = 0.06328, and \u03bbinj = 1.63, one can integrate the e\ufb00ective one dimensional equations of motion to estimate the angular momentum at \fPeriodic massloss from viscous accretion \ufb02ows 5 Figure 3. Velocity vectors are in the r \u2212z plane. SPH particles having angular momentum \u03bbinj = 1.63 are injected supersonically from rinj = 50.4 with injection velocity vinj = \u22120.06436 and sound speed ainj = 0.06328, respectively. Viscosity parameter is chosen as \u03b1 = 0.011 and adiabatic index \u03b3 = 4/3. Shock location oscillates with time. Figure 3(a-h) represent the various snap shots of velocity distribution taken at equal interval within a complete period of shock oscillation. In Figure 3f, rT s and rs are indicated, and clearly there is a phase lag between the two. Here, Figure 3c denotes the case when shock location is closest from the black hole and Figure 3g represents the case when shock location is at its maximum value. Density contours (solid curves, red online) are plotted over the velocity vector \ufb01eld. \f6 Santabrata Das, Indranil Chattopadhyay, Anuj Nandi, Diego Molteni the outer boundary and it is typically around 45 rgc at rout \u223c4000 rg. From Figs. 2c-2e, it is clear that the shock can experience persistent oscillation for some critical viscosity and injection parameters. But the shock front is a surface and that too not a rigid one. Therefore, every part of the shock front will not oscillate in the same phase, resulting in a phase lag between the shock front on and around the equatorial plane and the top of the shock front (rT s ). For simplicity, we record the variation of shock location with time at the disc equatorial plane which is shown in top-left panel of Fig. 3. Note that there exists quasi-periodicity in the variation of shock location with time. We identify eight shock locations within a given oscillation period that are marked in open circles. The respective velocity \ufb01eld and density contours (solid, online red) of the \ufb02ow in the r \u2212z plane is shown in the rest of the panels of Figs. 3(a-h). Higher density and extra thermal gradient force in the CENBOL region causes a fraction of in falling matter to bounce-o\ufb00as out\ufb02ow. When shock front oscillates, post-shock volume also oscillates which induces a periodic variation of driving force responsible to vertically remove a part of the in falling matter. As the shock reaches its minimum (Fig. 3c), the thermal driving of out\ufb02ow is weak, so the spewed up matter falls back. The post-shock out\ufb02ow continues to fall as the shock expands to its maxima (Figs. 3d, e, f). However, as the shock reaches its maximum value the thermal driving also recovers (Fig. 3g). The extra thermal driving plus the squeeze of the shock front as it shrinks, spews strong out\ufb02ow (Fig. 3g). In Fig. 3f, we have indicated the shock location on the equatorial plane rs, and the top of the shock front rT s . The position of the shock front can easily be identi\ufb01ed from the clustering of the density contours connecting rs and rT s . From Figs. 3(a-h), it is clear that the mass out\ufb02ow rate is signi\ufb01cant when rT s > \u223crs. Due to shock transition, the post shock matter becomes hot and dense which would essentially be responsible to emit high energy radiation. At the critical viscosity, since the shock front exhibits regular oscillation, the inner part of the disc, i.e., CENBOL, also oscillates indicating the variation of photon \ufb02ux emanating from the disc. Thus, a correlation between the variation of shock front and emitted radiation seem to be viable. Usually, the bremsstrahlung emission is estimated as, EBrem = Z r2 r1 \u03c12T 1/2r2dr, where, r1 and r2 are the radii of interest within which radiation is being computed and T is the local temperature. In this work, we calculate the total bremsstrahlung emission for the matter from the CENBOL region. Also, we quantify the mass out\ufb02ow rate calculated assuming an annular cylinder at the injection radius which is concentric with the vertical axis. The thickness of the cylinder is considered to be twice the size of a SPH particle. This ensures at least one SPH particle lies within the cylindrical annulus. We identify particles leaving the computational domain as out\ufb02ow provided they have positive resultant velocity, i.e., vr > 0 and vz > 0 and they lie above the disc height at the injection radius. With this, we estimate the mass out\ufb02ow rate which is de\ufb01ned as R \u02d9 m = out\ufb02ow rate ( \u02d9 Mout)/accretion rate (| \u02d9 Min|) and observe its time evolution. Here, \u02d9 Min(out) = 2\u03c0\u03c1inj(out)vinj(out)xinj(out)Hinj(out). In Figure 4, we present the variation of shock location, corresponding bremsstrahlung \ufb02ux from the post-shock region and mass out\ufb02ow rate with time. Here, the radiative \ufb02ux is plotted in arbitrary unit. Assuming a 10M\u2299 black hole, the overall time evolution of \ufb01ve seconds (\u226150600 code time) is shown for representation. The input parameters are rinj = 50.4, vinj = \u22120.06436, ainj = 0.06328, \u03bbinj = 1.63 and \u03b1 = 0.011 respectively. Note that persistent shock oscillation takes place over a large time interval, with the oscillation amplitude \u223c3rg. This phenomenon exhibits the emission of non-steady radiative \ufb02ux which is nicely accounted as quasi-periodic variation commonly seen in many black hole candidates (Chakrabarti & Manickam 2000; Remillard & McClintock 2006). Subsequently, periodic mass ejection also results from the vicinity of the gravitating objects as a consequence of the modulation of the inner part of the disc due to shock oscillation. To understand the correlation between the shock oscillation and the emitted photon \ufb02ux from the inner part of the disc, we calculate the Fourier spectra of the quasiperiodic variation of the shock front and the power spectra of bremsstrahlung \ufb02ux for matter resides within the boundary of post-shock region as well as out\ufb02ow with resultant velocity v > 0. The obtained results are shown in Figure 5, where the top panel is for shock oscillation, middle panel is for photon \ufb02ux variation from post-shock disc and bottom panel is for photon \ufb02ux variation of out\ufb02owing matter, respectively. Here, the input parameters are same as Figure 4. We \ufb01nd that the quasi-periodic variation of the shock location and the photon \ufb02uxes from post-shock disc and out\ufb02ow are characterized by the fundamental frequency \u03bdfund = 3.7 Hz which is followed by multiple harmonics. The \ufb01rst few prominent harmonic frequencies are 7.4 Hz (\u223c2 \u00d7 \u03bdfund), 11.2 Hz (\u223c3 \u00d7 \u03bdfund) and 14.2 Hz (\u223c4 \u00d7 \u03bdfund). This suggests that the dynamics of the inner part of the disc i.e., the post-shock disc and emitted \ufb02uxes are tightly coupled. In order to understand the generic nature of the above \ufb01ndings, we carried out another simulation with di\ufb00erent input parameters. The results are shown in Figure 6, where we use rinj = 50.4 rg, vinj = \u22120.06436, ainj = 0.06328, \u03bbinj = 1.61 and \u03b1 = 0.013, respectively. The solutions are obtained similar to the previous case, i.e., \ufb01rst a steady state inviscid solution is obtained and then the viscosity is turned on. The corresponding Fourier spectra of shock oscillation and power spectra of radiative \ufb02uxes are presented in the top, middle and bottom panel, respectively. The obtained frequencies for quasi-periodic variations are 2.9 Hz (\u03bdfund), 5.6 Hz (\u223c2 \u00d7 \u03bdfund), 9.3 Hz (\u223c3 \u00d7 \u03bdfund) and 15 Hz (\u223c5 \u00d7 \u03bdfund). In both the cases, the obtained power density spectra (PDS) of emitted radiation has signi\ufb01cant similarity with number of observational results (Remillard & McClintock 2006; Nandi et al. 2012). The quasi-periodicity that we observed in the power spectra of simulated results seems to be generic in nature. Several Galactic black hole sources exhibit QPO in the Xray power spectra along with the harmonics. In Figure 7, we plotted one such observed X-ray power spectra of black hole source GX 339-4 of the 2010-11 outburst, which clearly shows the presence of fundamental QPO (\u223c2.42 Hz) and harmonics at \u223c4.88 Hz and \u223c7.20 Hz (Nandi et al. 2012). This observational \ufb01nding directly supports our simulation \fPeriodic massloss from viscous accretion \ufb02ows 7 Figure 4. Top panel: Variation of shock location with time. Middle panel: Variation of the bremsstrahlung emission in arbitrary units with time. Bottom panel: Variation of mass out\ufb02ow rate with time. Here, \u03b1 = 0.011 and MB = 10M\u2299. Other parameters are same as Figure 3. results and perhaps establishes the fact that the origin of such photon \ufb02ux variation seems to be due to the hydrodynamic modulation of the inner part of the disc in terms of shock oscillation. Recently, Nandi et al. (2013) reported the possible association of QPOs in X-rays and jets in the form of radio \ufb02ares in outbursting black hole sources through the accretion \ufb02ow dynamics. Here also we \ufb01nd that the dynamics of the post-shock disc region plays a major role for the jet generation and the emitted radiation. In other words, postshock disc seems to be the precursor of jets as well as QPOs according to our present study. 4 DISCUSSION AND CONCLUDING REMARKS We have studied the dynamics of the viscous accretion \ufb02ow around black holes using time dependent numerical simulation. While, accreting matter slows down against gravity as it experiences a barrier due to centrifugal force and eventually enter in to the black hole after triggering shock transition. Usually, post-shock \ufb02ow is hot and compressed causing a thermal pressure gradient across the shock. As a result, it de\ufb02ects part of the accreting matter as bipolar jet in a direction perpendicular to the disc equatorial plane. When viscosity is increased, shock becomes non-steady and ultimately starts oscillating when the viscosity reached its critical limit. Consequently, the out\ufb02owing matter also starts demonstrating quasi-periodic variation. Since the inner disc is hot and dense, high energy radiations must emit from the vicinity of the black holes. When the inner disc vibrates in radial direction, the emitted photon \ufb02ux is also modulated. We compute the power density spectra of such be10\u22124 10\u22123 0.01 0.1 1 10 100 1000 Power (Arbitrary Units) Shock location 104 105 106 107 108 109 1010 1011 Power (Arbitrary Units) CENBOL Flux 0.1 1 10 100 10 100 1000 104 105 106 107 Power (Arbitrary Units) Frequency (Hz) Outflow Flux Figure 5. Top panel: Fourier spectra of shock location variation at the disc equatorial plane. Power spectra of bremsstrahlung \ufb02ux variation calculated for SPH particles resides within the boundary of CENBOL (middle panel) and within the out\ufb02ow region (bottom panel), respectively. Here, \u03bbinj = 1.63 and \u03b1 = 0.011. In this case, we have consider simulated data of \u223c20 sec. Other parameters are same as Figure 1. Fundamental QPO frequency is obtained in both the cases \u223c3.7 Hz. However, signi\ufb01cant di\ufb00erences in bremsstrahlung \ufb02ux of CENBOL and out\ufb02ow is observed. haviour and obtain fundamental peak at few Hz. We \ufb01nd that some of the harmonics are very prominent as seen in the observational results of several black hole candidates. The highlight of this paper is to show that the oscillation of shocked accretion \ufb02ow shows QPOs with fundamentals as well as harmonics (Figs. 5, 6) as is seen from observations (Fig. 7). Interestingly, the bipolar out\ufb02ow shows at least the fundamental frequency in its PDS for the case depicted in \f8 Santabrata Das, Indranil Chattopadhyay, Anuj Nandi, Diego Molteni 10\u22124 10\u22123 0.01 0.1 1 10 100 1000 Power (Arbitrary Units) Shock location 105 106 107 108 109 1010 1011 Power (Arbitrary Units) CENBOL Flux 0.1 1 10 100 105 106 107 108 109 Power (Arbitrary Units) Frequency (Hz) Outflow Flux Figure 6. Top panel: Fourier spectra of shock location variation at the disc equatorial plane for \u03bbinj = 1.61 and \u03b1 = 0.013. The other parameters are same as Figure 1. Power spectra of bremsstrahlung \ufb02ux variation calculated for SPH particles resides within the boundary of CENBOL (middle panel) and within the out\ufb02ow region (bottom panel), respectively. In this case, we have consider simulated data of \u223c15 sec. Fundamental QPO frequency is obtained in both the cases \u223c2.9 Hz. Figs. 5, however, the fundamental and harmonics are fairly weak in Figs. 6. So, this result suggests that photons from the out\ufb02ows and jets would at least show the fundamental frequency, but probably no harmonics. Moreover, does this mean that if we happen to \u2018see\u2019 down the length of a jet, we would see quasi-periodic oscillations of photons in some jets (e.g., Figs. 5) and in some other jets the QPO signature would be washed out (e.g., Figs. 6)? And indeed in most blazars QPOs have not been detected, but in few QPO was found (Lachowicz et al. 2009). This issue need further in0.01 0.1 1 10 10\u22124 10\u22123 0.01 Power Frequency (Hz) GX 339\u22124: Galactic Black Hole Source Figure 7. Signature of the multiple QPO frequencies (\u223c2.42 Hz, 4.88 Hz & 7.20 Hz) observed in the power spectra of the galactic black hole source GX339-4. vestigation. Furthermore, while hot, dissipative \ufb02ows show single shock, low energy dissipative \ufb02ow showed multiple shocks (Lanzafame et al. 2008; Lee et al. 2011), however, the e\ufb00ect of high \u03b1 has not been investigated. The out\ufb02ow also shows quasi-periodicity, however, blobs of matter are being ejected persistently with the oscillation of inner part of the disc, and therefore, such persistent activity will eventually give rise to a stream of matter and therefore a quasi-steady mildly relativistic jet. These ejections are not the ballistic relativistic ejections observed during the transition of hard-intermediate spectral state to the soft-intermediate spectral state. It has been recently shown that the momentum deposited by the disc photons on to jets, makes the jets stronger as the disc moves from LS to hard-intermediate spectral state (Kumar et al. 2014), simulations of which will be communicated elsewhere. In this work, the mechanism studied for QPO generation is due to the perturbations induced by viscous dissipation and angular momentum transport. While it has been reported that QPOs can also be generated by cooling (Molteni et al. 1996b). In realistic disc, both processes are active, and both should produce shock oscillation. Interestingly though, viscosity can produce multiple shocks (for one spatial dimensional results see Lee et al. 2011), while no such thing has been reported with cooling processes, albeit investigations with cooling processes have not been done extensively. We would like to investigate the combined e\ufb00ect of cooling and viscous dissipation in future, to ascertain the viability of \u2018shock cascade\u2019 in much greater detail. It must be pointed out that this model of QPO and mass ejection (Nandi et al. 2001) can also be applied to the weakly magnetized accreting neutron stars. However, one has to change the inner boundary condition, i.e., put a hard surface as the inner boundary condition. The same methodology should also give rise to QPOs, and we are working on such a scenario, and would be reported elsewhere. \fPeriodic massloss from viscous accretion \ufb02ows 9 ACKNOWLEDGMENTS AN acknowledges Dr. Anil Agarwal, GD, SAG, Mr. Vasantha E. DD, CDA and Dr. S. K. Shivakumar, Director, ISAC for continuous support to carry out this research at ISAC, Bangalore. The authors also acknowledge the anonymous referee for fruitful suggestions to improve the quality of the paper."
+ },
+ {
+ "url": "http://arxiv.org/abs/0909.5513v1",
+ "title": "Studies of dissipative standing shock waves around black holes",
+ "abstract": "We investigate the dynamical structure of advective accretion flow around\nstationary as well as rotating black holes. For a suitable choice of input\nparameters, such as, accretion rate ($\\dot {\\cal M}$) and angular momentum\n($\\lambda$), global accretion solution may include a shock wave. The post shock\nflow is located at few tens of Schwarzchild radius and it is generally very hot\nand dense. This successfully mimics the so called Compton cloud which is\nbelieved to be responsible for emitting hard radiations. Due to the radiative\nloss, a significant energy from the accreting matter is removed and the shock\nmoves forward towards the black hole in order to maintain the pressure balance\nacross it. We identify the effective area of the parameter space ($\\dot {\\cal\nM} - \\lambda$) which allows accretion flows to have some energy dissipation at\nthe shock $(\\Delta {\\cal E})$. As the dissipation is increased, the parameter\nspace is reduced and finally disappears when the dissipation is reached its\ncritical value. The dissipation has a profound effect on the dynamics of\npost-shock flow. By moving forward, an unstable shock whose oscillation causes\nQuasi-Periodic Oscillations (QPOs) in the emitted radiation, will produce\noscillations of high frequency. Such an evolution of QPOs has been observed in\nseveral black hole candidates during their outbursts.",
+ "authors": "Santabrata Das, Sandip K. Chakrabarti, Soumen Mondal",
+ "published": "2009-09-30",
+ "updated": "2009-09-30",
+ "primary_cat": "astro-ph.HE",
+ "cats": [
+ "astro-ph.HE"
+ ],
+ "main_content": "INTRODUCTION In a signi\ufb01cant work on the prospect of shock formation in an accretion disk around a black hole, Chakrabarti & Das (2004) showed that in order to have a stable shock, the viscous dissipation inside a \ufb02ow must have an upper limit, beyond which the Rankine-Hugoniot conditions cannot be satis\ufb01ed. In Das & Chakrabarti (2004) and Das (2007), the bremsstrahlung and synchrotron cooling were also added to dissipate away the heat generated from viscous dissipation. However, it is well known that the post-shock region emits the hard X-rays in a black hole candidate (Chakrabarti & Titarchuk 1995) and some amount of energy is lost through radiation from the post-shock region. This radiative loss primarily comes from the thermal energy of the \ufb02ow and takes place via thermal Comptonization. In a self-consistent shock condition, this radiative loss must also be incorporated. In the present paper, we quantitatively show how the energy loss at the shock a\ufb00ects the location of the shock itself around stationary as well as rotating black holes. As energy dissipation is increased, the post-shock \ufb02ow pressure gets reduced causing the shock front to come closer to the black hole in order to maintain the pressure balance across it. Accordingly, the dynamical properties of standing shock waves would directly be related to the amount of energy discharge from the post-shock \ufb02ow. In addition, the mass out\ufb02ow rate which is believed to be generated from the post-shock region (Chakrabarti 1999; Das et al. 2001; Das & Chattopadhyay 2008), would also be a\ufb00ected by the energy discharge at the shock location. Therefore, it is pertinent to understand the response of energy dissipation on the formation of standing shock wave. In this paper, we precisely do this. The plan of our paper is the following: in the next Section, we present the equations governing the \ufb02ow and the procedure we adopted to solve these equations. In \u00a73, we show how the Rankine-Hugoniot conditions at the shocks must be modi\ufb01ed when energy dissipation is present. In \u00a74, we show the results of our computations. Finally in \u00a75, we present concluding remarks. \u22c6sbdas@canopus.cnu.ac.kr,sbdas@iitg.ernet.in \u2020 chakraba@bose.res.in \u2021 soumen@bose.res.in \fStudies of dissipative standing shock waves around black holes 3 2 GOVERNING EQUATIONS AND SONIC POINT ANALYSIS We start with a steady, thin, rotating, axisymmetric, accretion \ufb02ow around black holes. We assume smaller accretion rates, so that the \ufb02ow radiatively ine\ufb03cient and behaves essentially as a constant energy \ufb02ow as in Chakrabarti (1989). We assume a polytropic equation of state for the accreting matter, P = K\u03c1\u03b3, where, P and \u03c1 are the isotropic pressure and the matter density, respectively, \u03b3 is the adiabatic exponent considered to be constant throughout the \ufb02ow and K is a constant which measures the entropy of the \ufb02ow and can change only at the shock. Since we ignore viscous dissipation the angular momentum of the \ufb02ow \u03bb \u2261x\u03d1\u03b8 is also constant everywhere. However, we assume that the main dissipation is concentrated in the immediate vicinity of the post-shock \ufb02ow, which would be the case if the thermal Comptonization is the dominant process. The \ufb02ow height is determined from the condition of being in equilibrium in a direction perpendicular to the equatorial plane. Flow equations are made dimensionless considering unit of length, time and the mass as GMBH/c2, GMBH/c3 and MBH respectively, where G is the gravitational constant, MBH is the mass of the black hole and c is the velocity of light. In the steady state, the dimensionless energy equation at the disk equatorial plane is given by (Chakrabarti 1989), E = 1 2\u03d12 + a2 \u03b3 \u22121 + \u03a6, (1) where, E is the speci\ufb01c energy, \u03d1 is the radial velocity and a is the adiabatic sound speed de\ufb01ned as a = q \u03b3P/\u03c1. Here, e\ufb00ective potential due to black hole is denoted by \u03a6. In the present study, the e\ufb00ect of gravity is taken care of by two di\ufb00erent potentials. To represent Schwarzschild black hole, we use Paczy\u00b4 nski-Wiita (Paczynski & Wiita 1980) potential (\u03a6P W) and for the Kerr black hole, we consider pseudo-Kerr potential (\u03a6P K) introduced by Chakrabarti & Mondal (2006). It has been adequately shown that these potentials accurately mimic not only the geometry of the space-time, but also the dynamics of the \ufb02ow. In fact the error for not using full general relativistic treatment has been shown to be at the most a few percent (Chakrabarti & Mondal 2006). The expressions for Paczy\u00b4 nski-Wiita and pseudo-Kerr e\ufb00ective potential are respectively given by, \u03a6P W = \u03bb2 2x2 \u2212 1 2(R \u22121) and \f4 Santabrata Das, Sandip K. Chakrabarti and Soumen Mondal \u03a6P K = \u2212B + \u221a B2 \u22124AC 2A where, A = \u03b12\u03bb2 2x2 , B = \u22121 + \u03b12\u03c9\u03bbR2 x2 + 2ak\u03bb R2x C = 1 \u2212 1 R \u2212x0 + 2ak\u03c9 x + \u03b12\u03c92R4 2x2 . Here, x and R represent the cylindrical and spherical radial distance from the black hole when the black hole itself is considered to be located at the origin of the coordinate system. Here, x0 = (0.04+0.97ak+0.085a2 k)/2, \u03c9 = 2ak/(x3+a2 kx+2a2 k) and \u03b12 = (x2\u22122x+a2 k)/(x2+ a2 k +2a2 k/x), \u03b1 is the red shift factor. ak represents the black hole rotation parameter de\ufb01ned as the speci\ufb01c spin angular momentum of the black hole. The mass \ufb02ux conservation equation in the steady state apart from the geometric factor is given by, \u02d9 M = \u03d1\u03c1xh(x), (2) where, \u02d9 M is the mass accretion rate considered to be constant, and h(x) represents the half-thickness of the \ufb02ow (Chakrabarti 1989) which is expressed as, h(x) = a s x \u03b3\u03a6 \u2032 R . (3) Here, \u03a6 \u2032 R = \u0010 \u2202\u03a6 \u2202R \u0011 z< 1 in general, ensures that magnetic \ufb01elds remain con\ufb01ned with the accreting plasma (Mandal & Chakrabarti 2005). The synchrotron emissivity for the stochastic magnetic \ufb01eld is given by (Shapiro & Teukolsky 1983; Das 2007), \u039b = Sa5 u r \u03a6 \u2032 R x3 , (8) with S = 15.36 \u00d7 1017 \u02d9 m\u00b52e4 \u03b2m3 e\u03b35/2 1 GM\u2299c3 , (9) where, e and me represent charge and mass of an electron respectively. Here, \u02d9 m is the accretion rate in units of Eddington rate that regulates the e\ufb03ciency of cooling. Following Mondal & Chakrabarti (2006), we use modi\ufb01ed polytropic index [n = (\u03b3 \u22121)\u22121] relation as n \u2192n + (0.3 \u22120.2ak) and choose \u03b2 = 10 throughout the paper, until otherwise stated. 3 SONIC POINT ANALYSIS We solve Eqs.(1-3, 4a) following the standard method of sonic point analysis (Chakrabarti 1989). We calculate the radial velocity gradient as: du dx = N D , (10) where, the numerator N is given by, N = Sa5 r \u03a6 \u2032 R x3 \u22123u2a2 x(\u03b3 \u22121)+u2 (\u03b3 + 1) (\u03b3 \u22121) d\u03a6e dx + u2a2 (\u03b3 \u22121)\u03a6 \u2032 R d\u03a6 \u2032 R dx (10a) and the denominator D is given by, D = 2a2u (\u03b3 \u22121) \u2212(\u03b3 + 1) (\u03b3 \u22121)u3. (10b) The gradient of sound speed is obtained as: da dx = \u0010 a u \u2212\u03b3u a \u0011 du dx + 3a 2x \u2212\u03b3 a d\u03a6e dx \u2212 a 2\u03a6 \u2032 R d\u03a6 \u2032 R dx . (11) Since the matter is accreting onto the BH smoothly except at the shock location, the radial velocity gradient must always be real and \ufb01nite. However, eq. (10b) shows that there may be some points where denominator (D) vanishes. This indicates that the numerator (N) must also vanish there to keep du/dr \ufb01nite. These special points where both the numerator (N) and denominator (D) vanish simultaneously are called critical points or sonic points. Setting D = 0, one can easily obtain the expression for the Mach number (M = u/a) at the sonic point as, M(xc) = r 2 \u03b3 + 1. (12) We obtain an algebraic equation for the sound speed (ac) by using another sonic point condition N = 0 which is given by, F(Ec, \u03bbc, \u02d9 m) = Aa3 c + Bac + C = 0, (13) where, A = \" S(\u03b3 \u22121) r \u03a6 \u2032 R x3 # c , B = \u0014\u0012 1 \u03a6 \u2032 R d\u03a6 \u2032 R dx \u22123 x \u0013 M 2 \u0015 c , and C = h (\u03b3 + 1)M 2 d\u03a6e dx i c . The subscript \u2018c\u2019 denotes the quantities computed at the sonic point. We calculate sound speed at the sonic point by solving Eq. (13) analytically (Abramowitz & Stegun 1970). In general, a dissipative accretion \ufb02ow may have multiple sonic points depending on the \ufb02ow parameters. The nature of the sonic point is dictated by the sign and the numerical value of the velocity gradients at the sonic point. In reality du/dr may possesse two real values at the sonic point: one is for accretion branch and the other corresponds to the wind branch. When both the values of du/dr are real and of opposite signs, the sonic point is referred to as saddle \f4 Santabrata Das and Sandip K. Chakrabarti 0.5 1 1.5 2 0 0.5 1 1.5 2 2.5 Figure 1. Variation of Mach number (M = u/a) with logarithmic radial distance. Flow parameters are xin = 3.3753, \u03bb = 3.04, \u02d9 m = 0.0025 and ak = 0.5. Standing shock forms at xs = 48.57. type. A transonic \ufb02ow generally passes through the saddle type sonic points only and for a shock, the \ufb02ow crosses two saddle type sonic points, one before the shock and the other, after. The closest one from the BH horizon is called the inner sonic point and the furthest one is known as the outer sonic point. If the derivatives are real and of same sign, the sonic point is nodal type. When both the derivatives are complex, the sonic point is of spiral type which is unphysical as no physical solution can pass through it. 4 ACCRETION SOLUTION In order to obtain a complete accretion solution, we choose the inner sonic point location (xin) and the angular momentum (\u03bb) of the \ufb02ow as input parameters (Das 2007). From the inner sonic point, we integrate inward up to the BH horizon and outward till the outer edge and combine them to obtain a global transonic solution. 4.1 Shock Solution In Fig 1, we present a global solution with a standing shock around a rotating black hole. The variation of the Mach number with the logarithmic radial distance is plotted. The \ufb02ow parameters are xin = 3.3753, \u03bb = 3.04, \u02d9 m = 0.0025 and ak = 0.5 respectively. The \ufb01gure consists of two solutions. The one passing through the outer sonic point (O) connects the black hole horizon and the outer edge of the disk. The other passing through inner sonic point (I) is closed and is connected with the BH horizon only. Arrows indicate the direction of the \ufb02ow towards the BH. Matter starts accreting from the outer edge of the disk with a negligible velocity. Figure 2. Parameter space for multiple sonic points. The e\ufb00ective region bounded by the solid curve are for cooling free accretion \ufb02ow. Regions under dotted and dashed curves are obtained for \u02d9 m = 0.0025 and 0.0125 respectively. E\ufb00ective area of parameter space reduces with the increase of accretion rate ( \u02d9 m) as it enhances the cooling e\ufb03ciency. As the \ufb02ow accretes towards the BH, the \ufb02ow gains its radial velocity due to the attraction of the strong gravity. The \ufb02ow becomes super-sonic after crossing the outer sonic point (O) and continues to accrete towards the BH. The RHCs (Landau & Lifshitz 1959) in turn allows the \ufb02ow variables to make a discontinuous jump in the sub-sonic branch. This is indicated by a dotted vertical line and commonly known as the shock transition. In the post-shock region, the \ufb02ow momentarily slows down and subsequently picks up the radial velocity and enters into the BH supersonically after crossing the inner sonic point (I). In this particular case, the shock conditions are satis\ufb01ed at xs = 48.57. The entropy generated at the shock is eventually advected towards the BH to allow the \ufb02ow to pass through the inner sonic points. In this work, the shocks are considered to be thin and non-dissipative. 4.2 Parameter space for multiple sonic points So far, we have seen that the shock wave connects two solution branches\u2014one passing through the outer sonic point and the other passing through the inner sonic point. In particular, the \ufb02ow with multiple saddle type sonic points may undergo shock transitions. More importantly, for shock formation in dissipative accretion \ufb02ows, the solution passing through the inner sonic point has to be spiraling in (Das 2007). Therefore, it would be useful to study the parameter space for accretion \ufb02ows having spiral in solution passing through the inner sonic point. In Fig. 2, we show the classi\ufb01cations of parameter space as a function of accretion rate ( \u02d9 m) in the Ein \u2212\u03bb plane. Here, Ein denotes the energy of the \fDissipative accretion \ufb02ows around a rotating black hole 5 0.5 1 1.5 2 0 1 2 3 Figure 3. Mach number variation with logarithmic radial distances. Flows are injected sub-sonically from the outer edge xinj = 300 with identical energy Einj = 1.003163 and angular momentum \u03bb = 3.0. Di\ufb00erent accretion rates ( \u02d9 m) are used. Solid curve represents a solution including the shock wave (xs = 26.03) for cooling free accretion \ufb02ow. Other solutions are for [ \u02d9 m, xs]= [0.0125, 19.38] (dotted), [0.025, 15.85] (dashed) and [0.0375, 13.45] (dot-dashed). As \u02d9 m is increased, shock front precedes towards BH. \ufb02ow at the inner sonic point (xin). The BH rotation parameter is chosen as ak = 0.5. The region bounded by the solid curve is obtained for non-dissipative accretion \ufb02ows. The regions under the dotted and dashed curve is obtained for higher accretion rates \u02d9 m = 0.0025 and 0.0125 respectively. As accretion rate ( \u02d9 m) is increased, the parameter space for multiple sonic points shrinks. This indicates that nature of sonic points changes (from saddle to spiral) for \ufb02ow with identical input parameters for increasing \u02d9 m. 5 SHOCK PROPERTIES 5.1 Shock Dynamics In Fig. 3, we present the variation of shock locations with the accretion rate ( \u02d9 m). Logarithmic radial distance is varied along the horizontal axis and Mach number is plotted along vertical axis. The vertical lines represent the shock locations. Matter with identical outer boundary conditions is injected sub-sonically from the outer edge of the disk xinj = 300 on to a rotating BH with rotation parameter ak = 0.5. The local energy of the \ufb02ow at xinj is Einj \u2261E(xinj) = 1.003163 (including the rest mass) and the angular momentum is \u03bb = 3.0. The sub-sonic \ufb02ow crosses the outer sonic point to become super-sonic and makes a shock transition to the sub-sonic branch. The solid vertical lines represent the shock location (xs = 26.03) for non-dissipative \ufb02ow. As cooling is incorporated, shock front moves forward. In the postFigure 4. (a) Variation of the shock location with accretion rate ( \u02d9 m). Flows are injected with the same energy and angular momentum from the outer edge. Small dashed, big dashed, small-big dashed, dot-dashed, dotted and solid curves are drawn for angular momentum \u03bb = 2.94, 2.96, 2.98, 3.0, 3.02 and 3.04 respectively. (b) Variation of compression ratio (R = \u03a3+/\u03a3\u2212) with accretion rate for the same set of parameters as in (a). (c) Variation of shock strength (\u0398 = M\u2212/M+) with the accretion rate for the same set of parameters as in (a). Subscripts \u201c+\u201d and \u201c-\u201d denote quantities before and after the shock. shock region, cooling is more e\ufb00ective compared to the preshock \ufb02ow as the density as well as the temperature are very high in this region due to compression. Cooling reduces the post-shock pressure causing the shock front to move inward to maintain pressure balance across it. For higher \u02d9 m, shock front moves further inward. The dotted, dashed and dot-dashed vertical lines represent the shock locations xs = 19.38, 15.85 and 13.45 for \u02d9 m = 0.0125, 0.025 and 0.0375 respectively. In Fig. 4a, we show the variation of the shock location as a function of accretion rate ( \u02d9 m) for a set of angular momentum (\u03bb). In this particular \ufb01gure, the \ufb02ow is injected from the outer edge of the disk (xinj = 300). The BH rotation parameter is chosen as ak = 0.5. The angular momentum of the \ufb02ow is varied from \u03bb = 2.94 (small dashed) to 3.04 (solid) with an interval \u2206\u03bb = 0.02. At the injection point, the corresponding local energies of the \ufb02ow (from bottom to top) are Einj = 1.003174 (small dashed), 1.003170 (big dashed), 1.003167 (small-big dashed), 1.003163 (dotdashed), 1.003160 (dotted), and 1.003156 (solid) respectively. For a given accretion rate ( \u02d9 m), the shock forms further out for \ufb02ows with higher angular momentum. Here, the larger angular momentum increases the centrifugal pressure which pushes the shock front outside. Conversely, for a given angular momentum, the shock location decreases with the increase of the accretion rate as cooling reduces the postshock thermal pressure. Figure 4a shows that the standing \f6 Santabrata Das and Sandip K. Chakrabarti shocks are formed for a wide range of accretion rate ( \u02d9 m). In each angular momentum, the standing shocks disappear beyond a critical value of accretion rate ( \u02d9 mc) as the RHCs are not satis\ufb01ed here. Non-steady shocks may still exit, but an investigation of such phenomena is beyond the scope of the present work. As \u03bb increases, the critical accretion rate \ufb01rst increases, becomes maximum at some \u03bb (= 2.96, in this particular case) and then decreases. This clearly indicates that the parameter space for the standing shock shrinks in both the lower and higher angular momentum sides with the increase of the accretion rate. One of the important components in accretion disk physics is to study the density pro\ufb01le of matter since the cooling e\ufb03ciency as well as the emitted radiation directly depends on it. We compute the compression ratio R de\ufb01ned as the ratio of vertically averaged post-shock to pre-shock density and plot it in Fig. 4b as a function of accretion rate ( \u02d9 m) for the same set of \ufb02ow parameters as in Fig. 4a. For a given angular momentum (\u03bb), the compression ratio increases monotonically with higher \u02d9 m. As \u02d9 m increases, postshock \ufb02ow becomes more compressed to provide required pressure for holding the shock. In addition, for a given \u02d9 m, higher angular momentum \ufb02ow feels less compression in the post-shock region as centrifugal pressure resists the \ufb02ow to accrete. Note that, for each angular momentum, there is a cut-o\ufb00at a critical accretion rate limit as standing shock conditions are not satis\ufb01ed there. It is useful to study the another shock property called shock strength \u0398 (de\ufb01ned as the ratio of pre-shock to postshock Mach number of the \ufb02ow) as it is directly related to the temperature jump at the shock. In Fig. 4c, we show the variation of shock strength as a function of accretion rate ( \u02d9 m) for \ufb02ows with identical input parameters as in Fig. 4a. For a given angular momentum (\u03bb), the strength of the shock is the weakest in the dissipation-free limit and it becomes stronger as accretion rate ( \u02d9 m) is increased. Thus, a higher cooling causes the post-shock \ufb02ow to be hotter and radiations emitted from this region are expected to be harder. A similar result is reported by Mandal & Chakrabarti (2005). This clearly indicates that the observed spectra of the BH would strongly depend on the cooling. An important part of understanding a cooling dominated accreting \ufb02ow around a rotating BH is to study the shock properties as a function of BH rotation parameter ak. In Fig. 5a, we plot the variation of shock location as a function of ak. In this particular Figure, we inject matter from the outer edge xinj = 200 and the accretion rate is considered to be \u02d9 m = 0.0025. Solid, dotted and dashed curves are obtained for \ufb02ows with angular momentum \u03bb = 2.96, 3.05 and 3.14 respectively. The corresponding energies at the injection point are Einj = 1.003456, 1.003442 and 1.003422 respectively. Notice that, for a given \u03bb, shocks form for a particular range of ak. As ak increased, shock recedes from the BH horizon. Moreover, shocks exist around a weakly rotating BH when the \ufb02ow angular momentum is relatively higher and vice versa. This phenomenon is directly related to the spin-orbit coupling term in the Kerr geometry. In fact, since both the marginally bound and the marginally stable angular momenta (as well as their di\ufb00erence) go down when the Kerr parameter is increased, the relevant parameter region when the shocks form also goes down as ak is increased. In general, however, the shock location is generally small for Figure 5. Variation of (a) shock location, (b) compression ratio and (c) shock strength with BH rotation parameter ak. See text for more details. higher ak, as statistically the \ufb02ow with a smaller angular momentum (and therefore, the lesser centrifugal force) is accreted in a rapidly spinning black hole. Thus, for instance if we compared the shock locations having \u03bb = \u03bbms for all cases, the shock location for a rotating black hole would be closer for higher ak. In Fig. 5b, we show the variation of the compression ratio as a function of BH rotation parameter ak for the \ufb02ows with input parameters same as Fig 5a. The solid, dotted and dashed curves are obtained for \u03bb = 2.96, 3.05 and 3.14 respectively. The compression ratio R decreases with the increase of ak for \ufb02ow with identical \u03bb. In Fig. 5c, we plot the variation of shock strength \u0398 with ak for \ufb02ow with input parameters as in Fig. 5a. We obtain a similar variation of \u0398 with ak as in Fig. 5b. 5.2 Parameter Space for Shock Formation In Fig. 6, we identify the region of the parameter space that allows the formation of the standing shocks. The BH rotation parameter is considered to be ak = 0.5. The region bounded by the solid curve is obtained for non-dissipative accretion \ufb02ow. As accretion rate is enhanced, the e\ufb00ective region of parameter space for standing shocks shrinks in both the lower and higher angular momentum sides. Due to the cooling e\ufb00ect, the \ufb02ow loses its energy as it accretes and therefore, the parameter space is shifted to the lower energy domain for higher cooling. The regions under dotted, dashed and dot-dashed curves are obtained for accretion rates \u02d9 m = 0.0025, 0.005 and 0.01 respectively. It is clear that the standing shocks do not exist beyond a critical accretion rate when the synchrotron cooling is present. In Fig. 7, we classi\ufb01ed the entire parameter space \fDissipative accretion \ufb02ows around a rotating black hole 7 Figure 6. Variation of the e\ufb00ective region of parameter space which forms standing shocks as a function of the accretion rate ( \u02d9 m). See the text for more details. Figure 7. Classi\ufb01cation of parameter space according to the various solution topologies of BH accretion solution. See text for details. spanned by (Ein, \u03bb) according to the nature of solution topologies. As an example, we consider ak = 0.5 and \u02d9 m = 0.0025. We separate the parameter space into six regions marked by S, OS, O, I, CI and N. The dot-dashed line represents the rest mass energy of the \ufb02ow. At the bottom left of the parameter space, we plot solution topologies in the small boxes. In each box, Mach number of the \ufb02ow is plotted against the logarithmic radial distance. Each of these solutions are marked and drawn using the parameters from the corresponding region of the parameter space. The direction of the accreting \ufb02ow is indicated by the arrow. (The solutions without arrows are relevant for winds, discussions on which are beyond the scope of this paper.) The solutions from the regions marked \u2018S\u2019 and \u2019OS\u2019 have two X type sonic points and the entropy at the inner sonic point is higher than that at the outer sonic point. Flows from \u2018S\u2019 su\ufb00er a standing shock transition as RHCs are satis\ufb01ed. However, a solution from the region \u2018OS\u2019 does not pass through the standing shock as RHCs are not satis\ufb01ed here. A \ufb02ow with parameters from this region is unstable and causes periodic variation of emergent radiation from the inner part of the disk as it tries to make a shock transition but fails to do so. This is known from the numerical simulations of nondissipative \ufb02ows Ryu et al. (1997) and we anticipate that a similar behaviour would be seen in this case as well. The solutions from the region \u2018I\u2019 possess only the inner sonic point and the accreting solutions straight away pass through it before entering into the BH. A solution from the region \u2018O\u2019 has only one outer sonic point. The solution from region \u2018CI\u2019 has two sonic points\u2014 one \u2019X\u2019 type and other \u2019spiral\u2019 type. Solutions of this kind does not extend to the outer edge of the disk to produce a complete global solution and therefore, becomes unstable. It has been pointed out by Chakrabarti (1996a) that inclusion of viscosity should open up the topology to allow the \ufb02ow to reach a larger distance to join with a sub-sonic Keplerian \ufb02ow. The region marked \u2018N\u2019 is the forbidden region for a transonic \ufb02ow solution. 6 CONCLUDING REMARKS In this paper, we have studied the properties of cooling dominated accretion \ufb02ow around a rotating black hole by solving a set of equations that regulate the dynamical structure of the \ufb02ow. A special consideration is given to synchrotron cooling that strongly a\ufb00ects the disk properties as well as the emitted spectrum and luminosity that are observed. We obtain the global accretion solutions with and without the shocks in terms of a few \ufb02ow parameters, namely, energy, angular momentum, black hole rotation parameter and the accretion rate, which e\ufb00ectively acts as the cooling parameter. We \ufb01nd that the accreting matter experiences a centrifugal force which acts as a barrier, inducing a shock formation. We show that the global shocked accretion solution can be obtained for a signi\ufb01cant region of the parameter space even when the cooling is signi\ufb01cant. Using a conventional accretion disk model we expect the accretion to take place when the angular momentum is close to the marginally stable value. Our calculation shows that the region is actually broader, in terms of both the angular momentum and energy. The discussion regarding the nature of the sonic point has been reported in many occasions (Chakrabarti & Das 2004; Das & Chakrabarti 2004). However, a detailed analysis was not presented before for a cooling dominated \ufb02ow around a rotating black hole. Our present work suggests that a large region of the parameter space provides a stable saddle type sonic point. In Fig. 2, we demonstrated that the parameter space for the stable saddle type sonic point is gradually reduced with the increase of cooling e\ufb03ciency. \f8 Santabrata Das and Sandip K. Chakrabarti We show that the standing shocks form closer to a spinning black hole as the accretion rate is enhanced. At the post shock region, the density and the temperature is relatively high compared to the pre-shock \ufb02ow and thus cooling is more e\ufb03cient there. For a higher cooling, the post-shock matter cools faster reducing the thermal pressure drastically. This forces the shocks to move inward to maintain pressure balance across them. One of the aims of the present work was to study the e\ufb00ect of black hole rotation parameter on the dynamical structure of cooling dominated global solutions. We \ufb01nd that for \ufb02ows with identical outer boundary condition (e. g., same energy and angular momentum at the outer edge) shock recedes from the black hole horizon with the increase of black hole rotation parameter (ak). However if we choose the relevant angular momentum for each case, such as the marginally stable angular momentum the shock location moves in with the increase of ak. The range of ak for which the stationary shocks are formed is restricted for a \ufb02ow of given angular momentum. Shocks are possible around a rapidly rotating black hole when the \ufb02ow angular momentum is relatively low. Since that produces a very low centrifugal pressure, the shock can form very close to the black hole for a rapidly spinning black hole. We identify the region of parameter space for the formation of a standing shock. We \ufb01nd that the e\ufb00ective region of the parameter space for the stationary shock shrinks when the accretion rate is enhanced. This suggests that the possibility of shock formation decreases for higher accretion rate. In addition, we also separate a region where the RankineHugoniot relation is not satis\ufb01ed. In the context of invidcid \ufb02ows, it has been observed that the \ufb02ow parameters from such a region give rise to oscillating shocks (Ryu et al. 1997). The reason is that the higher entropy at the inner sonic point forces the \ufb02ow to pass through it by generating extra entropy at the shock. But since RHCs are not satis\ufb01ed the shock can not settle itself at a given location. Thus the cause of oscillation is su\ufb03ciently generic and we suspect that exactly the same thing will happen in the present case. Most importantly, since rotating black holes may have shocks very close to the horizon, the frequencies of such oscillations are expected to be higher. Our present \ufb01ndings suggest that shocks, standing or oscillating, do form around the spinning black holes and it may be an essential ingredient since shocks could successfully explain the observed stationary (Chakrabarti & Mandal 2006) as well as time dependent behaviour of the radiations from the black hole candidates (Chakrabarti et al. 2004; Okuda et al. 2007). We demonstrated that the shocks form closer to the black hole as cooling is increased. This will enhance the QPO frequency as it is proportional to the infall time scale (Chakrabarti & Manickam 2000; Molteni et al. 1996) and thus the QPO frequency may vary in a wide range starting from mHz to KHz depending on the accretion rate. This understanding also generally agrees with the observational results. Recent reporting of the outbursts of GRO 1655-40 showed a clear evidence of the QPO frequencies increasing monotonically from about 90mHz to 17Hz (Chakrabarti et al. 2005) in a matter of 15 days and this could be easily \ufb01tted using the shock propagating at a constant velocity (Chakrabarti et al. 2005). The formalism presented here does not include out\ufb02ows/jets which may be generated from the inner part of the disk as a result of de\ufb02ection of in\ufb02owing matter due to excess thermal pressure at the shock front (Das et al. 2001; Chattopadhyay & Das 2007; Das & Chattopadhyay 2008). Since the out\ufb02ows/jets are ejected evacuating the inner part of the disk, it will necessarily reduce the post-shock pressure and therefore, shock front has to move in to retain the pressure balance. This suggests that the result should be a\ufb00ected if the accretion-ejection mechanism is considered together. We plan to consider this study in a future work and it will be reported elsewhere. We have approximated the e\ufb00ect of general relativity using the pseudo-Kerr gravitational potential. This pseudoKerr potential has been successfully tested to retain most, if not all, of the salient features of the \ufb02ows in a Kerr metric. The use of this approach allows us to \ufb01nd out the non-linear shock solutions in a curved space-time geometry in a simpler way. We believe that our basic results would be qualitatively the same with fully general relativistic calculations, especially for ak < 0.8 for which the pseudo-Kerr potential was found to be satisfactory. ACKNOWLEDGMENTS SD was supported by KOSEF through Astrophysical Research Center for the Structure and Evolution of the Cosmos(ARCSEC). SKC thanks a visit to Abdus Salam International Centre for Theoretical Physics where part of this work was completed."
+ },
+ {
+ "url": "http://arxiv.org/abs/0802.4136v1",
+ "title": "Computation of mass loss from viscous accretion disc in presence of cooling",
+ "abstract": "Rotating accretion flow may undergo centrifugal pressure mediated shock\ntransition even in presence of various dissipative processes, such as viscosity\nand cooling mechanism. The extra thermal gradient force along the vertical\ndirection in the post shock flow drives a part of the accreting matter as\nbipolar outflows which are believed to be the precursor of relativistic jets.\nWe compute mass loss rates from a viscous accretion disc in presence of\nsynchrotron cooling in terms of the inflow parameters. We show cooling\nsignificantly affects the mass outflow rate, to the extent that, jets may be\ngenerated from flows with higher viscosity. We discuss that our formalism may\nbe employed to explain observed jet power for a couple of black hole\ncandidates. We also indicate that using our formalism, it is possible to\nconnect the spectral properties of the disc with the rate of mass loss.",
+ "authors": "Santabrata Das, Indranil Chattopadhyay",
+ "published": "2008-02-28",
+ "updated": "2008-02-28",
+ "primary_cat": "astro-ph",
+ "cats": [
+ "astro-ph"
+ ],
+ "main_content": "Introduction In recent years, it has been established that AGNs and Microquasars su\ufb00er mass loss in the form of jets and out\ufb02ows (Ferrari, 1998; Mirabel & Rodriguez, \u2217Corresponding author. Email addresses: sbdas@canopus.cnu.ac.kr (Santabrata Das), indra@canopus.cnu.ac.kr (Indranil Chattopadhyay ). Preprint submitted to New Astronomy 23 November 2018 \f1999). Generation of jets or out\ufb02ows around gravitating centres with hard boundaries (e.g., neutron stars, YSOs etc.) are quite natural, however, it is altogether a di\ufb00erent proposition to consider the same around a black hole. As black holes do not have either hard boundaries or intrinsic atmospheres, jets/out\ufb02ows have to originate from the accreting matter onto black holes, though there is no consensus about the exact mechanism of jet formation. One of the motivation of studying black hole accretion is therefore to understand the primary mechanism in the accretion process which may be responsible for the generation of jets. In addition, recent observations have established that, whatever be the exact mechanism behind the formation of jets/out\ufb02ows around black holes, the formation of jets is intrinsically linked with spectral states of the associated black hole candidates. In particular, Gallo et al. (2003) showed that quasi steady jets are generally ejected in the hard state, which suggests that the generation or quenching of jets do depend on various states of the accretion disc. Several theoretical attempts were made to explain the possible mechanisms of jet generation from accretion disc. Xu & Chen (1997) reported the formation of out\ufb02ows by considering self-similar solutions. Chakrabarti (1999); Das & Chakrabarti (1999) estimated mass out\ufb02ow rates in terms of in\ufb02ow parameters from an inviscid advective disc. In particular, these authors showed that the centrifugal barrier may produce shock, and the post-shock disc can generate bipolar out\ufb02ows. They also showed mass out\ufb02ow rates depend on the strength of the centrifugal barrier, as well as, its thermal driving. Das et al. (2001b) extended this work to show that such out\ufb02ows generated by accretion shock is compatible with the spectral state of the accretion disc. The shock induced relativistic out\ufb02ows could be obtained if various acceleration mechanism, namely, \ufb01rst order Fermi acceleration at the shock (Le & Becker, 2005), or radiation pressure (Chattopadhyay, 2005), are considered. Recently, Chattopadhyay & Das (2007) computed mass out\ufb02ow rates from a viscous advective disc and showed that the mass out\ufb02ow rate decreases with the increase of viscosity parameter. In realistic accretion disc, a variety of dissipative processes are expected to be present, and viscosity is just one of them. In absence of mass loss, Gu & Lu (2004) conjectured that cooling processes will not a\ufb00ect the nature of advective accretion solutions. However, Das (2007) explicitly showed that cooling processes play a crucial role in determining the \ufb02ow variables as well as the shock properties. Therefore, it will be worthwhile to investigate, how cooling would a\ufb00ect the mass out\ufb02ow rate from a viscous accretion disc. In presence of viscosity, as matter \ufb02ows inward angular momentum decreases while speci\ufb01c energy increases. A cooling process unlike viscosity, only reduces the energy of the \ufb02ow and leaves the angular momentum distribution un-a\ufb00ected. Thus the increase of \ufb02ow energy due to viscous heating may be abated by incorporating cooling mechanism. As cooling is more e\ufb03cient at the hotter and denser post-shock region (abbreviated as CENBOL \u2261CENtrifugal pressure supported BOundary Layer), the decrease 2 \fof CENBOL energy will be more pronounced compared to the pre-shock energy. In reality, more energetic \ufb02ows at the outer edge, which do not satisfy shock conditions in absence of cooling, may undergo shock transition in its presence. Consequently, more energetic CENBOL may be produced for \ufb02ows with higher cooling e\ufb03ciency, and hence there is a possibility of enhanced jet driving. In this paper, we would like to address these issues in detail. In the next section, we present the model assumptions and the governing equations. In Section 3, we discuss the methodology of computing self-consistent in\ufb02ow-out\ufb02ow solutions and present the solutions. In Section 4, we apply our formalism on two black hole candidates to compute the mass out\ufb02ow rate, and compare it with the observed jet power. In the last section we draw concluding remarks. 2 Model Assumptions and Equations of motion In a disc-jet system, there are two separate \ufb02ow geometries, namely, one for accretion \ufb02ows and the other for out\ufb02ows. Axis-symmetry and steady state conditions are assumed for the disc-jet system. In the present paper, we consider thin, viscous accretion \ufb02ow in presence of synchrotron cooling. Jets are assumed to be tenuous. Since jets are in general collimated, they should have less angular momentum and therefore less di\ufb00erential rotation compared to the accretion disc. Thus, we ignore the e\ufb00ect of viscosity in jets. As jets are believed to originate from the inner part of the disc, which in our model is the CENBOL, the jet base must be described by identical local accretion \ufb02ow variables (see section 3), i.e., the speci\ufb01c energy, the angular momentum etc of the CENBOL. Consequently, we neglect the torque between the disc and the jet at the jet base. It is to be remembered that, to keep the jets collimated, angular momentum will be reduced either by magnetic \ufb01eld (stochastic \ufb01elds, considered in the paper, are not e\ufb00ective in doing so), or by radiation [see, (Chattopadhyay, 2005)], however these processes have not been considered here. In reality, back reactions on the disc in the form of extra torque at the jet base and/or feedback e\ufb00ect from failed jets are not altogether ruled out. To study these e\ufb00ects, one requires to undertake numerical simulation, which is beyond the scope of the present frame work. Moreover, jets are supposed to be colder than the accretion discs. Therefore, we assume jets to be adiabatic, at least up to its critical point. We use pseudo-Newtonian potential introduced by Paczy\u00b4 nski & Wiita (1980) to approximate the space time geometry around a non-rotating black hole. A schematic structure of shocked advective accretion disc and the associated jet are presented in Fig. 1. Here, xco and xci are the outer and the inner critical points of the disc, respectively. The centrifugal pressure acts as a \u2018barrier\u2019 to 3 \fFig. 1. A schematic diagram of disc-jet system. The outer and inner critical points xco and xci are marked in the \ufb01gure. The shock is located at xs. The jet geometry is bounded by FW and CB. MM\u2032 = xF W and MM\u2032\u2032 = xCB (described in the text). the supersonic matter at xci < x < xco and a shock at xs is formed. The postshock disc is indicated in the \ufb01gure as CENBOL. At the shock, matter momentarily slows down and ultimately dives into the black hole supersonically through xci. Excess thermal driving in CENBOL drives a fraction of accreting matter as bipolar jet which \ufb02ows within two geometric surfaces called the Funnel Wall (FW) and the Centrifugal Barrier (CB) (Molteni et al. , 1994, 1996a). The system of units used in this paper is 2G = MBH = c = 1, where G, MBH and c are the universal gravitational constant, the mass of the black hole and the speed of light, respectively. Since we use the geometrical system of units, our formalism is applicable for both the galactic and the extra galactic black hole candidates. Two separate sets of hydrodynamic equations for accretion and jet, are presented bellow. The dimensionless hydrodynamic equations that govern the motion of accreting matter are (Chakrabarti, 1996; Das, 2007), the radial momentum equation : udu dx + 1 \u03c1 dP dx \u2212\u03bb2(x) x3 + 1 2(x \u22121)2 = 0, (1a) where, u, \u03c1, P, and \u03bb(x) are the radial \ufb02ow velocity, the local density, the isotropic pressure and the local speci\ufb01c angular momentum, respectively. Here x is the cylindrical radial coordinate. 4 \fThe baryon number conservation equation : \u02d9 M = 2\u03c0\u03a3ux, (1b) where, \u02d9 M and \u03a3 are the mass accretion rate and the vertically integrated density, respectively. In our model, the accretion rates in the pre shock and post shock regions are di\ufb00erent as some fraction of the accreting matter is ejected as out\ufb02ow. Actually, the post-shock matter is \ufb02own into two channels \u2014 one is the accreting part (falling onto black holes through xci) and the other is the out\ufb02owing part (Molteni et al. , 1994, 1996a; Chattopadhyay & Das, 2007). More speci\ufb01cally, the combination of accretion and out\ufb02ow rate in the post shock region remain conserved with the pre-shock accretion rate (see Eq. 3). The angular momentum conservation equation : ud\u03bb(x) dx + 1 \u03a3x d dx \u0010 x2Wx\u03c6 \u0011 = 0, (1c) where, Wx\u03c6(= \u2212\u03b1\u03a0) denotes the viscous stress, \u03b1 is the viscosity parameter and \u03a0 is the vertically integrated total (i.e., thermal+ram) pressure. The viscosity prescription employed in this paper was developed by Chakrabarti & Molteni (1995) and has been employed to study advective accretion disc by a group of workers (Chakrabarti, 1996; Chakrabarti & Das, 2004; Gu & Lu, 2004; Das, 2007; Chattopadhyay & Das, 2007). This viscosity prescription is more suitable for \ufb02ows with signi\ufb01cant radial velocity as it maintains angular momentum distribution continuous across the shock unlike Sakura-Sunyaev type viscosity prescription which was proposed for a Keplerian disc. And \ufb01nally, the entropy generation equation : uT ds dx = Q+ \u2212Q\u2212, (1d) where, s is the speci\ufb01c entropy of the \ufb02ow, T is the local temperature. Q+ and Q\u2212are the heat gained and lost by the \ufb02ow, and are given by (Chakrabarti, 1996; Das, 2007; Shapiro & Teukolsky, 1983), Q+ = \u2212\u03b1 \u03b3 x(ga2 + \u03b3u2)d\u2126 dx and Q\u2212= \u03b2Sia5 ux3/2(x \u22121). Here, g = In+1/In, n = 1/(\u03b3 \u22121), In = (2nn!)2/(2n + 1)! (Matsumoto et al. , 1984), and \u03b3(= 4/3) is the adiabatic index. Presently, we consider only synchrotron cooling. In the above equation, \u03b2 is the cooling parameter, and Si is 5 \fthe synchrotron cooling term which is independent of the \ufb02ow variables and is given by, Si = 32\u03b7 \u02d9 mi\u00b52e41.44\u00d71017 3 \u221a 2m3 e\u03b35/2 1 2GM\u2299c3, where, e is the electron charge, me is electron mass, \u02d9 mi is the accretion rate in units of Eddington rate, M\u2299is solar mass, and for fully ionized plasma \u00b5 = 0.5. The su\ufb03x \u2018i = \u2213\u2019 represents the quantities in the pre/post shock disc region. It is to be borne in mind that in absence of shock \u02d9 m+ = \u02d9 m\u2212, therefore S+ = S\u2212. Due to the uncertainties of the realistic magnetic \ufb01eld structure in the accretion disc, we have assumed stochastic magnetic \ufb01eld. The ratio between the magnetic pressure and the gas pressure is represented by \u03b7. The magnetic \ufb01eld strength is estimated by assuming partial equipartition (\u03b7\u22641) of the magnetic pressure with the gas pressure. In this paper, we have ignored bremsstrahlung cooling, since it is a very ine\ufb03cient cooling process (Chattopadhyay & Chakrabarti, 2000; Das & Chakrabarti, 2004). The expression for bremsstrahlung cooling (Rybicki & Lightman, 1979) in vertical equilibrium is given by, Q\u2212 B = Bi ux3/2(x \u22121), where Bi = 2.016\u00d710\u221210 4\u03c0m2 p (\u00b5mp 2kB )1/2 \u02d9 mi 2GM\u2299c, where, mp is the proton mass and kB is the Boltzmann constant. For identical accretion rates Si Bi = 3.26\u00d7107\u00d7\u03b7. Therefore, it is quite evident that the synchrotron cooling is much stronger than bremsstrahlung. However, bremsstrahlung photons may interact with the accreting gas itself and in that sense bremsstrahlung may be important. Such complicated situation is not addressed in the present paper. We have also not considered inverse-Compton, since that will require a proper two temperature solution which is also beyond the scope of the present e\ufb00ort. In the present paper, we have chosen \u02d9 m\u2212= 0.1 and \u03b7 = 0.1 as the representative case, until stated otherwise. Under the adiabatic assumption for the jet, the momentum balance equation can be represented in the following integrated form: Ej = 1 2v2 j + na2 j + \u03bb2 j 2x2 j \u2212 1 2(rj \u22121), (2a) where, Ej and \u03bbj are the speci\ufb01c energy and angular momentum of the jet, respectively. Other \ufb02ow variables are the jet velocity (vj) and sound speed 6 \f(aj). Furthermore, xj[= (xCB + xF W)/2] and rj[= (x2 j + y2 CB)1/2] are the cylindrical and spherical radius of the jet streamline. The functional form of the coordinates of CB and FW are [see, Chattopadhyay & Das (2007)], xCB = h 2\u03bb2 jrCB(rCB \u22121) i1/4 , x2 F W = \u03bb2 j (\u03bb2 j \u22122) + q (\u03bb2 j \u22122)2 \u22124(1 \u2212y2 CB) 2 , where, xCB and xF W are measured at the same height of jet streamline and is given by yCB = q (r2 CB \u2212x2 CB). The integrated form of mass-\ufb02ux conservation equation for the jet is given by, \u02d9 Mout = \u03c1jvjA, (2b) where, \u02d9 Mout is jet out\ufb02ow rate and \u03c1j is the local density of the jet. The jet cross-sectional area is given by, A = 2\u03c0(x2 CB \u2212x2 F W). 3 Accretion-Ejection solution It is well known that matter falling onto black holes have to cross one or more critical points depending on the absence or presence of shock transition (Chakrabarti, 1996; Chakrabarti & Das, 2004; Chattopadhyay & Das, 2007). If the \ufb02ow parameters allow shock transition then matter must cross the sonic horizon twice, once before the shock and then after the shock. The location of the latter is called the inner critical point (xci) and the former is known as outer critical point (xco). In absence of dissipation, the energy (E) and angular momentum (\u03bb) of the \ufb02ow is conserved, and therefore xci and/or xco are uniquely obtained in terms of E and \u03bb, and consequently all possible \ufb02ow solutions. E and \u03bb do not remain conserved along a dissipative \ufb02ow and therefore critical points cannot be determined uniquely. To obtain solutions of a dissipative accretion \ufb02ow in a simpler way, one needs to know at least one set of critical point parameters (e.g., xc, \u03bbc). Fortunately, the range of (xci,\u03bbci)s varies from (2rg < \u223cxci < \u223c4rg,1.5 < \u223c\u03bbci < \u223c\u03bbms), where \u03bbci, \u03bbms are the angular momentum at the inner critical point and the marginally stable orbit, respectively [e.g., Chakrabarti (1989, 1996); Chakrabarti & Das (2004)]. Here rg is the Schwarzschild radius. Therefore for a viscous \ufb02ow, it is easier to consider xci and \u03bbci as parameters for solving the \ufb02ow equations, along with the viscosity parameter \u03b1 (Chakrabarti & Das, 2004; Chattopadhyay & Das, 2007). In presence of cooling, one should also supply the accretion rate at xci in addition to (xci, \u03bbci, \u03b1). Presently, we \ufb01x accretion rate and vary \u03b2 to study the e\ufb00ect of cooling. Hence the existence of xco can be obtained only in presence of a shock. 7 \fIn this paper, we consider in\ufb01nitesimally thin adiabatic shock, generally expressed by the continuity of energy \ufb02ux, mass \ufb02ux and momentum \ufb02ux across the shock, and is generally called Rankine-Hugoniot (RH) shock conditions. Numerical simulations [e.g., Eggum et al. (1985); Molteni et al. (1994, 1996a)] have shown that thermally driven out\ufb02ows could originate from the hot inner part of the disc. When rotating matter accretes towards the black hole, centrifugal force acts as a barrier, inducing the formation of shock. At the shock, \ufb02ow temperature rises sharply as the kinetic energy of the \ufb02ow is converted into the thermal energy. This excess thermal energy may drive a signi\ufb01cant fraction of accreted material as out\ufb02ows. Thus bulk properties such as excess thermal driving along z direction is a legitimate process for mass ejections. The modi\ufb01ed Rankine-Hugoniot shock conditions in presence of mass loss are [Chattopadhyay & Das (2007), and references therein], E+ = E\u2212; \u02d9 M+ = \u02d9 M\u2212\u2212\u02d9 Mout = \u02d9 M\u2212(1 \u2212R \u02d9 m); \u03a0+ = \u03a0\u2212, (3) Assuming the jet to be launched with the same speci\ufb01c energy, angular momentum and density as the post-shock disc, the expression for relative mass out\ufb02ow rate is given by (Chattopadhyay & Das, 2007), R \u02d9 m = \u02d9 Mout/ \u02d9 M\u2212= Rvj(xs)A(xs) 4\u03c0 q 2 \u03b3x3/2 s (xs \u22121)a+u\u2212 , where, the compression ratio is de\ufb01ned as R = \u03a3+/\u03a3\u2212. Since, the information of R \u02d9 m is in the shock condition itself, we need to solve accretion-ejection equations simultaneously. The method to do so is as follows: (a) we assume R \u02d9 m = 0, ( \u02d9 m\u2212= \u02d9 m+), and with the supplied values of (xci, \u03bbci, \u03b1, \u03b2) we integrate Eqs. (1a-d) outwards along the sub-sonic branch of the post-shock region. Equation (3) is used to compute the pre-shock \ufb02ow quantities, which are employed to integrate outwards to \ufb01nd the location of xco. The location of the jump for which xco exists is the virtual shock location (x\u2032 s). (b) Once x\u2032 s is found out, we assign Ej = E(x\u2032 s) and \u03bbj = \u03bb(x\u2032 s) to solve the jet equations and compute the corresponding R \u02d9 m. (c) We use this value of R \u02d9 m in Eq. (3) and again calculate the shock location. (d) When the shock locations converge we have the actual shock location (xs), and the corresponding R \u02d9 m is the mass out\ufb02ow rate. In other words, we are launching jets with same E, \u03bb, and \u03c1 as that of the shock. Presently, we consider viscosity and synchrotron cooling process as the source of dissipation in the \ufb02ow. Viscosity reduces the angular momentum, while increases the energy as the \ufb02ow accretes towards the central object. Cooling process on the other hand, decreases the \ufb02ow energy inwards while leaving the angular momentum distribution una\ufb00ected. For proper understanding of 8 \fFig. 2. E(x) with x is plotted for \u03b2 = 0 (dashed), 0.01 (dotted) and 0.036 (solid). Other parameters are (Eci, \u03bbci)=(0.00182, 1.73) and \u03b1 = 0.001. the e\ufb00ect of viscosity and cooling on determining mass out\ufb02ow rates we need to \ufb01x (E, \u03bb) at some length-scale (around inner or outer boundary), and then vary \u03b1 and \u03b2. As xci is very close to the horizon, \ufb01xing (Eci, \u03bbci) at xci is almost equivalent to \ufb01xing the inner boundary \ufb02ow quantities. In Fig. 2, we plot E(x) with x for \u03b2 = 0 (dashed), 0.001 (dotted) and 0.0036 (solid), where the inner boundary \ufb02ow quantities are (Eci, \u03bbci)=(0.00182, 1.73) and \u03b1 = 0.001. For the cooling free solution (dashed), the energy of the \ufb02ow increases inwards due to viscosity. For solutions with signi\ufb01cant cooling (dotted, solid), the increase in energy due to viscous heating is completely over shadowed, causing the energy to decrease towards the black hole. Increase in cooling e\ufb03ciency signi\ufb01es, matter with higher energies at the outer boundary, falls into the black hole with identical Eci. If standing shocks form, then under these circumstances energy at the shock will increase with \u03b2. In the following, we discuss the role of viscous heating and synchrotron cooling in determining the mass out\ufb02ow rate. In Fig. 3, we present a global in\ufb02ow-out\ufb02ow solution. In the top panel, the Mach number M of the accretion \ufb02ow is plotted with log(x). The solid curve represents shock induced accretion solution. The in\ufb02ow parameters are xci = 2.444, \u03bbi = 1.75, \u03b1 = 0.005, and \u03b2 = 0.01 (for these parameters Eci = 0.0018). In the lower panel, the out\ufb02ow Mach number Mj is plotted with log(xj). In presence of mass loss, the shock forms at xs = 21.64 denoted by the vertical line in the top panel, and the out\ufb02ow is launched with energy and angular momentum at the shock (Es, \u03bbs = 0.00175, 1.766). The out\ufb02ow is plotted up to its sonic point (xjc = 68.83), and the corresponding relative mass out\ufb02ow rate is R \u02d9 m = 0.0816. 9 \fFig. 3. Upper panel: In\ufb02ow Mach number (M = u/a) with log(x). The in\ufb02ow parameters are xci = 2.444, \u03bbi = 1.75, \u03b1 = 0.005, and \u03b2 = 0.01 where, xs = 21.64, Es = 0.00175, \u03bbs = 1.766 xco = 166.57, \u03bbo = 1.799. The dotted curve is the shock free solution. Lower panel: Out\ufb02ow Mach number (Mj = vj/aj) with log(xj), the out\ufb02ow critical point xjc = 68.63 (rjc = 270.8), and the jet coordinates at the base is given by xjb = 12.2 (rjb = 21.24). The relative mass loss rate is R \u02d9 m = 0.0816. Fig. 4. Variation of R \u02d9 m with \u03b2 for \u03b1 = 0 \u2014 0.02 (left to right with d\u03b1 = 0.005). Eci = 0.0018 and \u03bbci = 1.75. 10 \fFig. 5. R \u02d9 m is plotted with \u03b2 for Eci = \u22120.001\u21920.003 (right to left, dEci = 0.001). Other parameters are \u03bbci = 1.73 and \u03b1 = 0.001. To present the global solution, Fig. 3 was obtained only for a set of input parameters, namely (Eci, \u03bbci, \u03b1, \u03b2). We would now proceed to \ufb01nd the explicit dependence of R \u02d9 m on these parameters. In Fig. 4, we plot the mass out\ufb02ow rates (R \u02d9 m) with the cooling parameter \u03b2, for \u03b1 = 0 \u2014 0.02 (left to right for d\u03b1 = 0.005). All the curves are drawn for Eci = 0.0018 and \u03bbci = 1.75. Figure 4 con\ufb01rms our earlier investigation that R \u02d9 m decreases with increasing viscosity parameter (Chattopadhyay & Das, 2007). However, it may be noticed that for \ufb01xed \u03b1, R \u02d9 m increases with \u03b2. For a given \u03b1, the energy at the shock increases with \u03b2 (e.g., Fig. 2), and since the post-shock region (i.e., CENBOL) is the base of the jet, the jets are launched with higher driving force. This causes R \u02d9 m to increase with \u03b2. It is to be noted, the two extreme curves (i.e., for \u03b1 = 0.015, 0.02) on the right show that, for \u03b2 = 0 there is no out\ufb02ow, but in presence of su\ufb03cient cooling steady jets reappear. As \u03b1 is increased, R \u02d9 m decreases due to the gradual reduction of su\ufb03cient driving at the jet base, and beyond a critical \u03b1 (say, \u03b1cri) out\ufb02ow rate vanishes (Chattopadhyay & Das, 2007). For \ufb02ows with \u03b1 > \u03b1cri, the required jet driving could be generated by considering su\ufb03ciently high \u03b2. In other words, to get steady out\ufb02ows in the realm \u03b1 > \u03b1cri, there is a non-zero minimum value of \u03b2 (say, \u03b2m) corresponding to each \u03b1. Furthermore, for each \u03b1 there is a cut-o\ufb00in R \u02d9 m at the higher end of \u03b2 (say, \u03b2cri), since standing shock conditions are not satis\ufb01ed there. Nonsteady shocks may still form in those regions, and the investigation of such phenomena will be reported elsewhere. In Fig. 5, R \u02d9 m is plotted with \u03b2 for Eci = \u22120.001 (solid), 0.0 (dotted), 0.001 (big dashed), 0.002 (small dashed) and 0.003 (dash-dotted). Other parameters are \u03bbci = 1.73 and \u03b1 = 0.001. For a given \u03b2, mass out\ufb02ow rate increases with Eci. Higher Eci corresponds to more energetic \ufb02ow, and if these \ufb02ows produce shock, we get higher R \u02d9 m. On the other hand, even for same Eci, higher shock 11 \fFig. 6. (a) Variation of R \u02d9 m with \u03b2 for \u03bbci = 1.73 (dotted) 1.75 (dashed) and 1.77 (solid). Eci = 0.0018 and \u03b1 = 0.001. (b) Variation of R \u02d9 m with Es, for parameters same as Fig. 6a. energy is ensured with the increase of \u03b2, and consequently higher R \u02d9 m are produced. The solutions corresponding to Eci = 0 (dotted) and Eci = \u22120.001 (solid) show that R \u02d9 m\u21920 as \u03b2\u21920. In other words, in presence of cooling, \ufb02ows with bound energies at xci may also produce out\ufb02ows. Thus it is clear that shock energy plays an important role in determining the rate of mass loss from the disc. Previous studies of computation of mass out\ufb02ow rates from inviscid and viscous disc showed that the angular momentum at the shock dictates the mass out\ufb02ow rates, because higher angular momentum produces higher centrifugal driving for the jet. This lead us to investigate the role of angular momentum of the disc in determining the mass out\ufb02ow rates, when cooling is present. In Fig. 6a, R \u02d9 m is plotted with \u03b2 for \u03bbci = 1.73 (dotted), 1.75 (dashed) and 1.77 (solid), where Eci = 0.00182, and \u03b1 = 0.001 are kept \ufb01xed for all the curves. For negligible cooling (\u03b2 \u223c0), higher angular momentum \ufb02ow generates higher R \u02d9 m. As the centrifugal pressure produces the shock, which in turn drives the jet, it is not surprising that \ufb02ows with larger angular momentum will produce higher R \u02d9 m. Similar trend is maintained for nonzero \u03b2. For a given \u03bbci, the energy at the shock (Es) increases with \u03b2. Thus the combined e\ufb00ects of centrifugal and thermal driving increase the mass out\ufb02ow rate. We do see that there is a cut-o\ufb00in R \u02d9 m corresponding to each angular momentum at \u03b2\u2265\u03b2cri. For lower angular momentum \ufb02ow \u03b2cri is higher. To illustrate the e\ufb00ects of thermal driving and centrifugal driving of the jet, in Fig. 6b, we have plotted R \u02d9 m with Es for \u03bbci = 1.73 (dotted), 1.75 (dashed) and 1.77 (solid), for the same 12 \fFig. 7. R \u02d9 m is plotted with Eci for \u03bbci = 1.73 (dotted), \u03bbci = 1.74 (dashed), \u03bbci = 1.75 (solid). Other parameters are \u03b1 = 0.001, and \u03b2 = 0.06. set of Eci and \u03b1 as in the previous \ufb01gure. It is to be remembered that Es is not a new parameter but is calculated at the shock for the same range of \u03b2 variation as in Fig. 6a. In the shaded region, R \u02d9 m is higher for higher \u03bbci. As long as the shock energy is similar, higher angular momentum results in greater centrifugal driving for the out\ufb02owing matter. However, lower angular momentum \ufb02ow can sustain higher energies across the shock [e.g., Fig. 3 of Das et al. (2001a)]. For high enough Es, the thermal driving starts to dominate over the centrifugal pressure, and results in higher R \u02d9 m even for lower angular momentum \ufb02ow. In Fig. 7, R \u02d9 m is plotted as a function of Eci, for various values of \u03bbci = 1.73 (dotted), \u03bbci = 1.74 (dashed), \u03bbci = 1.75 (solid). The other \ufb02ow parameters are \u03b1 = 0.001 and \u03b2 = 0.06. This \ufb01gure distinctly shows that even if the accreting \ufb02ow starts with unbound energy and produces shock induced out\ufb02ow, signi\ufb01cant cooling closer to the black hole turns the unbound energy to bound energy. 4 Astrophysical application In our solution procedure, we have employed three di\ufb00erent constant parameters \u03b2, \u03b7 and \u02d9 m to determine the cooling process. A cooling mechanism might depend on various other physical processes apart from its usual dependence on the \ufb02ow variables. In general, \u02d9 m regulates cooling, however to obtain a cooling free solution one needs to consider \u02d9 m = 0, which is meaningless. We have simpli\ufb01ed all such complications by introducing \u03b2 as a control-parameter for cooling. A simple inspection of Eq. (1d), shows that for a given set of (u, a, x), identical cooling rates may be obtained by rearranging the values of \u03b2, \u03b7 and 13 \f\u02d9 m. It must be noted that, introduction of \u03b2 and \u03b7 do not increase the parameters of our solution, instead these are used to control the cooling e\ufb03ciency and the magnetic \ufb01eld strength, about which there is no prior knowledge. In the previous section, we have \ufb01xed the values of \u02d9 m\u2212and \u03b7, and controlled the cooling term by \u03b2.In this section, we have \ufb01xed the value of \u03b2 to unity, and allowed physical parameters, such as \u02d9 m+ and \u03b7 to dictate the cooling term. It is a matter of interest to estimate how much matter, energy and angular momentum enter into the black hole. In the present paper, the amount of mass fed to the disc is given by \u02d9 m\u2212. The rate at which matter is being accreted into the black hole and the rate of mass loss are self-consistently computed as \u02d9 m+ and ( \u02d9 m\u2212\u2212\u02d9 m+). It has been shown in Chattopadhyay & Das (2007) that the speci\ufb01c angular momentum of the \ufb02ow close to the horizon, is almost same as \u03bbci. The actual value of E close to the black hole should be slightly higher than Eci. One has to quote the actual value of E close to the horizon. However, these numbers are obtained using pseudo-Newtonian potential and may not be consistent as general relativistic e\ufb00ects are important at such distances. We have applied our formalism to calculate the mass out\ufb02ow rates from two black hole candidates M87 and Sgr A\u2217. M87 is supposed to harbour a super massive black hole [MBH = 3\u00d7109M\u2299(Ford et al. , 1994)]. The estimated accretion rate is \u02d9 M\u2212\u223c0.13M\u2299yr\u22121 (Reynolds et al. , 1996). The mass of the central black hole and the accretion rate of Sgr A\u2217are MBH = 2.6\u00d7106M\u2299 (Schodel et al. , 2002) and \u02d9 M\u2212\u223c8.8\u00d710\u22127M\u2299yr\u22121 (Yuan et al. , 2002). The accretion disc around the black hole in Sgr A\u2217is supposed to be radiatively in-e\ufb03cient and of higher viscosity (Falcke , 1999). For both the cases we have set \u03b2 = 1, so the cooling mechanism is purely dictated by \u02d9 m and \u03b7. To simplify further, we have chosen \u03b7 = 0.01 for both the objects. The accretion rates (in terms of Eddington rate) for M87 is given by \u02d9 m\u2212= 1.89\u00d710\u22122 and that for Sgr A\u2217is \u02d9 m\u2212= 1.47\u00d710\u22124, therefore Sgr A\u2217is dimmer than M87. With proper choice of \u03b1 and xci, and \u03bbci (see Table 1), we compute R \u02d9 m (consequently \u02d9 m+) for both the objects mentioned above. The typical size of such a subKeplerian disc should be around a thousand Schwarzschild radii across the central object. Accordingly we have set the outer boundary at XT = 500rg, and have provided the typical value of angular momentum at such distance (\u03bbT) for both the objects. For M87, the computed values of mass out\ufb02ow rate and shock location are R \u02d9 m = 0.073 and xs = 40.57. In case of Sgr A\u2217, the estimated values of mass out\ufb02ow rate and shock location are R \u02d9 m = 0.1049 and xs = 14.415. Assuming the jet\u2019s luminosity is signi\ufb01cant only at the lobes (where, the jet energy is mostly dissipated), the maximum luminosities of M87 and Sgr A\u2217 jets, estimated from the computed values of respective R \u02d9 m, are given in Table 1. Considering 10% radiative e\ufb03ciency at the jet lobe the jet-luminosities for both M87 and Sgr A\u2217, agree well with the observed values (Reynolds et al. , 14 \fTable 1: Predicted values of R \u02d9 m and jet power for M87 and Sgr A\u2217. Object MBH \u02d9 M\u2212 \u03b1 xci \u03bbci \u02d9 m+ xs \u03bbT R \u02d9 m Lmax jet M\u2299 M\u2299/yr rg crg \u02d9 MEdd rg crg % erg/s M87 3.0 0.13 0.010 2.367 1.78 1.75 40.57 2.01 7.3 5.36 \u00d7109 \u00d710\u22122 \u00d71044 Sgr A\u2217 2.6 8.80 0.015 2.548 1.71 1.32 14.42 2.44 10.5 5.2 \u00d7106 \u00d710\u22127 \u00d710\u22124 \u00d71039 1996; Falcke & Biermann , 1999). Moreover, the size of the computed jet base for M87 is \u223c2xs\u223c80rg. Junor et al. (1999) and Biretta et al. (2002) have estimated the base of jet to be less than 100rg from the central black hole, and probably greater than 30rg. Evidently our estimate of the jet base agrees quite well with the observations. There is no stringent upper limit of the jet base for Sgr A\u2217, however, our computation gives a result which is acceptable in the literature (Falcke , 1999). We have also provided an estimate of angular momentum at XT. For Sgr A\u2217, our estimated \u03bbT is comparable with the result of Coker & Melia (1997). However, no reliable estimate of \u03bbT for M87 is currently available. In terms of physical units, various \ufb02ow variables for M87 are given by, \u02d9 Mout\u223c0.009M\u2299yr\u22121, \u02d9 M+\u223c0.119M\u2299yr\u22121, Eci = 3.1\u00d71017erg g\u22121, xs\u223c3.61\u00d71016cm, \u03bbci\u223c4.75\u00d71025cm2s\u22121, and \u03bbT\u223c5.36\u00d71025cm2s\u22121. Similarly for Sgr A\u2217, \u02d9 Mout\u223c9.1\u00d710\u22128M\u2299yr\u22121, \u02d9 M+\u223c7.77\u00d710\u22127M\u2299yr\u22121, Eci = 4\u00d71018erg g\u22121, xs\u223c1.11\u00d71013cm, \u03bbci\u223c3.96\u00d71022cm2s\u22121, and \u03bbT\u223c5.64\u00d71022cm2s\u22121. In this paper, only sub-Keplerian matter distribution is chosen for the accretion disc. However, Chakrabarti & Titarchuk (1995) and Chakrabarti & Mandal (2006) have shown that if a mixture of Keplerian and sub-Keplerian matter is chosen, then the spectral properties of the disc is better understood. These assertions have been rati\ufb01ed for several black hole candidates (Smith et al. , 2001, 2002). Since matter close to the black hole must be sub-Keplerian, therefore regardless of their origin, Keplerian and sub-Keplerian matter mixes to produce sub-Keplerian \ufb02ow before falling onto the black hole. Such transition from two component to single component \ufb02ow has been shown by various authors [e.g., Fig. 4b, of Das et al. (2001b)]. The region where such transition occurs may be called \u2018transition radius\u2019 (XT). It must be noted that, XT is treated as the \u2018outer edge\u2019 of the disc in our formalism described so far. The energy (ET) and angular momentum (\u03bbT) at XT can then easily be expressed in terms of the accretion rate of the Keplerian component ( \u02d9 MK) and the subKeplerian component ( \u02d9 MSK) (Das et al. , 2001b). Once XT, ET, \u03bbT is known and the net accretion rate being \u02d9 M = \u02d9 MSK + \u02d9 MK, it is easy to calculate R \u02d9 m following our formalism. Thus, it is possible to predict R \u02d9 m from the spectrum of the accretion disc, if formalism of Chakrabarti & Titarchuk (1995) is applied on our solutions. 15 \f5 Concluding Remarks The main goal of this paper was to study how dissipative processes a\ufb00ect the jet generation in an advective disc model. Chattopadhyay & Das (2007) have shown that mass out\ufb02ow rates decrease with increasing viscosity parameter. In the present paper, we have investigated how the mass out\ufb02ow rate responds to the synchrotron cooling. The general method of the solution (succinctly described in Section 3.) is to supply xci, \u03bbci, \u03b1, \u03b2 and then integrate outwards to \ufb01nd the shock location (and consequently the mass out\ufb02ow rate). Needless to say, once the above four parameters are \ufb01xed, the solution determines \ufb02ow with unique outer boundary (i.e., at XT). Of the four parameters, if \u03b1 is increased, the solution corresponds to \ufb02ow with higher angular momentum and lower energy at the outer boundary. On the contrary, when \u03b2 is increased then the solution corresponds to higher energy but identical angular momentum \ufb02ow at the outer boundary. Consequently, more energetic \ufb02ows are allowed to pass through standing shock for higher \u03b2, and hence stronger jets are produced. We have also shown that, if cooling e\ufb03ciency is increased, then it is possible to produce jets even for those \u03b1-s for which R \u02d9 m is zero (e.g., Fig. 3). Furthermore, it has been shown that the jets are primarily centrifugal pressure driven even in presence of cooling. We notice that standing shocks in higher angular momentum \ufb02ow do not exist for higher cooling e\ufb03ciency, therefore steady jets are not produced. However, for higher \u03b2, low angular momentum \ufb02ow can generate high enough relative mass out\ufb02ow rates. We have applied our formalism on a couple of black hole candidates, namely, Sgr A\u2217and M87. Using the available accretion parameters of the above two objects as inputs, we have shown that one can predict observational estimates of jet power. Moreover, the typical size of the jet base (\u223c2xs) also agrees well with observations. Le & Becker (2005) had dealt with these two particular objects, with their methodology which also involve shocked accretion disc. The methodologies of the present paper and the work of Le & Becker (2005) is quite di\ufb00erent in the sense that, Le & Becker (2005) dealt with isothermal shock while our model is based on the adiabatic shock scenario. In Le & Becker (2005), the focus was on calculating the number densities and energy densities around an isothermal shock of an hot tenuous adiabatic rotating \ufb02ow, by \ufb01rst order Fermi acceleration process. The energy lost at the isothermal shock, drives a small fraction of in falling gas to relativistic energies. With the given observational estimates of black hole mass, accretion rate etc of M87 and Sgr A\u2217, they estimated the Lorentz factors of the jet. We on the other hand, have computed the thermally driven out\ufb02ows from the post-shock disc, where the jets are launched with the local values (speci\ufb01c energy, angular momentum and density) of the disc \ufb02uid at the shock. With input values of black hole mass, accretion rate, and proper choice of viscosity parameter, inner sonic point etc we predict the shock location, the mass out\ufb02ow rate. We check whether the 16 \fpredicted values are within the accepted limits or not. We do not estimate the terminal bulk Lorentz factor, since we believe one has to recast the whole framework into the relativistic domain as well as employ other accelerating processes (e.g., magnetic \ufb01elds etc). One may wonder at the veracity of the two di\ufb00erent processes employed to explain the observational estimates of jet quantities of M87 and Sgr A\u2217, in other words, whether the jets are generated by post-shock thermal driving (we have not investigated magneto-thermal driving since this is only hydrodynamic investigation), or the jets are launched by particle acceleration processes. If one can observationally estimate the rate at which mass being ejected from the accretion disc, probably then one can ascertain the dominant e\ufb00ect behind jet generation. If it can be established that indeed the rate of mass loss is negligible compared to the accretion rate then probably the formalism of Le & Becker (2005) is the more realistic jet generation mechanism. However, su\ufb03ce is to say, various numerical simulation results do show (for non-dissipative as well as dissipative \ufb02ows) that post-shock \ufb02ow thermally drive bipolar out\ufb02ows, and our e\ufb00ort has been to investigate how dissipative processes a\ufb00ect the relative mass out\ufb02ow rates. In this paper we have only discussed formation of steady jets, since we have considered only stationary shocks. Molteni et al. (1996b) have shown that, the periodic breathing of the CENBOL starts when the post shock in-fall timescale matches with the Bremsstrahlung cooling timescale. Presently, we have considered dissipative processes which are more e\ufb00ective in determining shock properties compared to Bremsstrahlung. Therefore, the dissipative processes considered in this paper, may trigger comparable or di\ufb00erent shockinstabilities in the disc than that has been reported earlier (Molteni et al. , 1996b). Since, the jet formation is primarily controlled by the properties of the shock, any non-steady behaviour of the shock will leave its signature on the jet. In particular, a signi\ufb01cant oscillation of the shock (both in terms of the oscillation frequency and its amplitude) may produce periodic ejections. We are studying dynamical behaviour of the shock in presence of viscosity and synchrotron cooling using fully time dependent simulation and results will be reported elsewhere. Acknowledgements SD was supported by KOSEF through Astrophysical Research Center for the Structure and Evolution of the Cosmos (ARCSEC), and IC was supported by the KOSEF grant R01-2004-000-10005-0. The authors thank U. Mukherjee for suggesting improvements in the manuscript. 17"
+ }
+ ],
+ "Indranil Chattopadhyay": [
+ {
+ "url": "http://arxiv.org/abs/1605.00752v1",
+ "title": "Estimation of mass outflow rates from viscous relativistic accretion discs around black holes",
+ "abstract": "We investigated flow in Schwarzschild metric, around a non-rotating black\nhole and obtained self-consistent accretion - ejection solution in full general\nrelativity. We covered the whole of parameter space in the advective regime to\nobtain shocked, as well as, shock-free accretion solution. We computed the jet\nstreamline using von - Zeipel surfaces and projected the jet equations of\nmotion on to the streamline and solved them simultaneously with the accretion\ndisc equations of motion. We found that steady shock cannot exist {for $\\alpha\n\\gsim0.06$} in the general relativistic prescription, but is lower if mass -\nloss is considered too. We showed that for fixed outer boundary, the shock\nmoves closer to the horizon with increasing viscosity parameter. The mass\noutflow rate increases as the shock moves closer to the black hole, but\neventually decreases, maximizing at some intermediate value of shock\n{location}. The jet terminal speed increases with stronger shocks,\nquantitatively speaking, the terminal speed of jets $v_{{\\rm j}\\infty} > 0.1$\nif $\\rsh < 20 \\rg$. The maximum of the outflow rate obtained in the general\nrelativistic regime is less than $6\\%$ of the mass accretion rate.",
+ "authors": "Indranil Chattopadhyay, Rajiv Kumar",
+ "published": "2016-05-03",
+ "updated": "2016-05-03",
+ "primary_cat": "astro-ph.HE",
+ "cats": [
+ "astro-ph.HE"
+ ],
+ "main_content": "INTRODUCTION Large amount of radiation emitted by astrophysical objects like microquasars and active galactic nuclei (AGNs) favours the scenario that such energy output is due to the conversion of gravitational energy of matter into heat and radiation as it falls into extremely relativistic objects like black holes (BHs). Microquasars are essentially X-ray binaries and are supposed to harbour a stellar mass BH (MBH \u223c10M\u2299), while AGNs harbour supermassive BH i.e. MBH \u223c106\u22129M\u2299. The radiation emitted by these objects in general contains a relatively low energy multi-coloured blackbody component and one or more power-law components in the higher energy limit. When the accretion disc is in a state, from which the power emitted maximizes in the higher energy region and the luminosity is low, it is called the low/hard (LH) state. When the power maximizes in the lower energy level, the disc is luminous and produces multi-coloured blackbody radiation, it is called the high/soft state (HS). There are many intermediate states (IM) which connects the two. Along with energetic photons, AGNs and microquasars also eject highly energetic, collimated and relativistic bipolar jets. Observations of a large number of microquasars showed that the jets are seen only when the accretion is in the LH or IM, but the jet is not seen when the accretion disc is in canonical HS spectral state (Gallo et. al. 2003; Fender et. al. 2004; Fender & Gallo 2014), i.e.the jet states are correlated with the spectral states of the accretion disc. Such a correlation between spectral states and jet states cannot be made in AGNs, partly, because of the longer timescale associated with supermassive BHs and partly, due to possible lack of the periodic repetitions of the outer boundary condition of AGN accretion discs. However, the fact that timescales in AGNs and microquasars can be scaled by mass (McHardy et. al. 2006) tells us that the essential physics around super-massive and stellar mass BHs are similar. The \ufb01rst popular model of accretion disc around BH was proposed by Shakura & Sunyaev (1973) and Novikov & Thorne (1973), and is known as Keplerian disc or standard disc or Sakura-Sunyaev (SS) disc. It is characterized by matter rotating with local Keplerian angular velocity, with negligible infall velocity, and is geometrically thin but optically thick. Being optically thick, each annuli emits radiation which is thermalized with the matter. Each annulus has di\ufb00erent temperature and therefore the spectrum emitted is a sum of all the blackbody radiations from each of the annuli, i.e.multi-coloured blackbody spectrum. Indeed, the thermal radiation part of a BH candidate spectrum is well explained by a Keplerian disc. Although SS disc was very successful in explaining the thermal component of the spectrum c \u20dd0000 RAS, MNRAS 000, 000\u2013000 \fGeneral relativistic viscous accretion disc 3 emitted by BH candidates, but it could not explain the hard powerlaw tail. The inner boundary condition of the SS disc is quite arbitrary and is chopped o\ufb00within the marginally stable orbit. The pressure gradient term and the advection term in SS disc are also poorly treated. It was realized that there should atleast be another component in the disc, which would behave like a Comptonizing cloud of hot electrons to produce the hard power-law tail (Sunyaev & Titarchuk 1980). Moreover, the inner boundary condition of BH dictates that matter crosses its horizon with the speed of light, and that the angular momentum of the \ufb02ow close to the horizon needs to be necessarily sub-Keplerian. Therefore, in addition to SS discs, investigations of accretion in sub-Keplerian regime also gained prominence, such as thick accretion discs (Paczy\u00b4 nski & Wiita 1980), advection-dominated accretion \ufb02ows or ADAF (Narayan et al. 1997), advective-transonic regime (Liang & Thompson 1980; Fukue 1987; Chakrabarti 1989). All these models start with exactly the same set of equations of motion i.e., Navier-Stokes equation in strong gravity, but di\ufb00er in boundary conditions. For example, if the radial advection term and the pressure gradient term are negligible, azimuthal shear is responsible for viscosity and the heat dissipated due to viscosity is thermalized locally and e\ufb03ciently radiated out, then the resulting disc is the SS disc. On the other hand, if only the advection term is negligible and the cooling is less e\ufb03cient, then the model is thick disc. The ADAF and the transonic regime are not subjected to such con\ufb01nement, infact, Lu et al. (1999) showed that global ADAF is indeed a subset of general transonic solutions. Recently, by playing around with the viscosity parameter and cooling e\ufb03ciency in the computational domain, Giri & Chakrabarti (2013) were able to generate both sub-Keplerian advective disc and Keplerian disc simultaneously. The Keplerian disc gives out soft photons, and subKeplerian \ufb02ow supplies hot electrons, if the disc has a shock transition. The post-shock disc behaves like a Comptonizing cloud, and produces the hard power-law photons. The transonic/advective disc has several advantages. It satis\ufb01es the inner boundary condition of the BH, i. e., matter crosses the horizon at the speed of light and therefore it is supersonic and sub-Keplerian. It implies that the existence of a single sonic point (the position where bulk velocity crosses the local sound speed) is guaranteed around a BH. However, depending on the angular momentum, there can be multiple sonic points. As a consequence, matter accelerated through the outer sonic point can be slowed down due to the presence of centrifugal barrier. This slowed down matter may impede the supersonic matter following it, and may cause shock transition (Fukue 1987; Chakrabarti 1989). Shock in BH accretion has been found to exist for inviscid \ufb02ow (Fukue 1987; Chakrabarti 1989; c \u20dd0000 RAS, MNRAS 000, 000\u2013000 \f4 Chattopadhyay & Kumar Aktar et al. 2015), dissipative \ufb02ow (Das 2007; Kumar & Chattopadhyay 2013), and has also been con\ufb01rmed in simulations (Molteni et al. 1996b; Lee et al. 2011; Das et al. 2014). The post-shock region of the disc (PSD), has some special properties. Apart from producing hard powerlaw photons, it was shown for an inviscid disc via numerical simulations, that the extra thermal gradient force in the PSD powers bipolar jets (Molteni et al. 1994, 1996a), and was later established for viscous disc as well (Lanzafame et al. 1998; Chattopadhyay & Das 2007; Das & Chattopadhyay 2008; Kumar & Chattopadhyay 2013; Das et al. 2014; Kumar et al. 2014). Moreover, since the jet originates from PSD (which extends from few to few tens of Schwarzschild radii) and not the entire disc, it satis\ufb01es the observational criteria that jets are generated from the inner part of the accretion disc (Junor et. al. 1999; Doeleman et. al. 2012). Most of the theoretical studies of accretion on to BHs have been in the domain of pseudoNewtonian potential (pNp) (Paczy\u00b4 nski & Wiita 1980) and \ufb01xed adiabatic index (\u0393) equation of state (EoS) of the \ufb02ow. Using pNp gravity potential instead of the Newtonian one has the advantage that, the Keplerian angular momentum distribution, the location of marginally stable orbit (rm), marginally bound orbit (rb), or, the photon orbit (rph) can be obtained exactly, as is obtained in general relativity (GR), but can still remain in the Newtonian regime of physics. However, according to relativity, matter cannot achieve the speed of light (c) outside the horizon, but, in pNp regime matter velocity exceed c outside the horizon. The e\ufb00ective potential of a rotating particle is zero on the horizon in GR, however, it is negative in\ufb01nity on the horizon if we use pNp. Moreover, in relativity the physics of \ufb02uid is di\ufb00erent from that of the particles. This arises because in relativistic equations of motions the thermal term, the angular momentum term etc, couples with the gravity. As a result, for conservative systems, the constants of motion are not the same in particles and \ufb02uids. While in pNp regime, the constants of motion in \ufb02uid and particles are identical. For viscous \ufb02ow, the shear tensor in relativity is much more complicated and contains many more terms when compared to the shear tensor in pNp regime. Therefore, solutions of relativistic equations for transonic accretion discs around BH have been few (for e.g. Liang & Thompson 1980; Lu 1985; Fukue 1987; Chakrabarti 1996) when compared with those in pNp regime and that too in the inviscid limit. The \ufb01rst consistent viscous advective accretion solution in pure GR was obtained by Peitz & Appl (1997). They derived the shear tensor from the \ufb01rst principle, and then approximated it with a simpler but accurate function. For inviscid \ufb02ow the constants of motions are the relativistic Bernoulli parameter (E = \u2212hut, h is the enthalpy and ut is the c \u20dd0000 RAS, MNRAS 000, 000\u2013000 \fGeneral relativistic viscous accretion disc 5 covariant time component of the four velocity), the accretion rate, angular momentum and the entropy along a streamline. For viscous \ufb02ow, except the accretion rate, none of these are constant along the motion, and constants of motion need to be determined. The information of the constants of motion were not used at all by Peitz & Appl (1997), which resulted in a limited class of solutions. Moreover, they did not discuss the issue of massloss either. We would like to rectify that, i. e., to say we would like to obtain all possible accretion solutions using constants of motion and constants of integration, as well as, estimate the mass loss from the accretion solution. Another limitation of a large body of work on accretion-ejection solutions around compact objects is that, most of the work has been done assuming a \ufb01xed \u0393 equation of state (EoS), where, \u0393 is the adiabatic index. From classical \ufb02uid mechanics, we know that \u0393 is the ratio of speci\ufb01c heats, which turns out to be equal to the constant 5/3, if random motions of the constituent particles of the gas are negligible compared to c. However, if the random speeds of the particles is comparable to c, then \u0393 is not constant and the EoS becomes a combination of modi\ufb01ed Bessel\u2019s function of the inverse of temperature (Chandrasekhar 1939; Synge 1957; Cox & Giuli 1968). It can be trivially shown that the di\ufb00erent forms of the exact EoS obtained by the above three authors are equivalent (Vyas et al. 2015). Moreover, it has been shown that it is unphysical to use \ufb01xed \u0393 EoS when the temperature changes by a few orders of magnitude (Taub 1948). The \ufb01rst accretion solution using a relativistic EoS on to a Schwarzschild BH was obtained by Blumenthal & Mathews (1976). Takahashi (2007) regenerated the solutions of Peitz and Appl, but also obtained solutions with another form of viscosity using variable \u0393 EoS in Kerr-Schild metric. However, the EoS used was again for a \ufb02uid composed of similar particles. Fluids around BH should be fully ionized given the temperature associated with these \ufb02uids, and ionized single species \ufb02uid can only be electron-positron \ufb02ow which cannot exist for thousands of Schwarzschild radii around the BH. Blumenthal & Mathews (1976) however, hinted how to describe a \ufb02uid composed of di\ufb00erent particles. Fukue (1987) in a seminal paper solved accretion solutions in the advective domain for electron-proton \ufb02ow, and predicted the possibility of accretion shocks around BH. The inherent problem of using the exact relativistic EoS in simulation codes is that, it is a ratio of modi\ufb01ed Bessels function which make transformation between primitive variables and state variables non-trivial. To circumvent this problem we obtained an approximate EoS which is very accurate (Ryu et al. 2006) for single species \ufb02uid, and then extended it to multi-species \ufb02uid (Chattopadhyay 2008; Chattopadhyay & Ryu 2009; c \u20dd0000 RAS, MNRAS 000, 000\u2013000 \f6 Chattopadhyay & Kumar Chattopadhyay & Chakrabarti 2011). The adiabatic EoS was also obtained for such a \ufb02ow by integrating the entropy generation equation without source terms (Kumar et al. 2013). The comparison of Chattopadhyay-Ryu (CR) EoS with an exact one showed negligible difference between the two (Vyas et al. 2015). The approximate CR EoS was also used in the pNp regime to study dissipative accretion \ufb02ow (Kumar & Chattopadhyay 2014), which showed that accretion shocks may exist for very high viscosity, as well as, high accretion rates. Moreover, depending on these \ufb02ow parameters such discs can be of low luminosity, as well as, can emit above the Eddington limit. Interesting as it may be, but we know pNp regime can only be considered to be qualitatively correct, and a general relativistic viscous disc should be considered to fully understand the behaviour of such discs. Investigations of general relativistic, dissipative, advective accretion discs around BH, described by relativistic EoS has not been done for multi-species EoS, in addition, estimation of mass loss from such disc has not been undertaken as well. Apart from the highly non-linear equations of motion in GR to contend with, it is also a fact that in curved space time, the constant angular momentum surfaces are special surfaces called von-Zeipel surfaces (e. g. Chakrabarti 1985, and references therein). Jets launched with some angular momentum would follow these surfaces. So an accretion-ejection system in GR is signi\ufb01cantly di\ufb00erent from pursuing the same study in pNp regime. In this paper, we obtain a simultaneous, self-consistent bipolar jet solution from a general relativistic viscous disc around a BH, described by multi-species relativistic EoS. In the next section, we present the equations of motion for the accretion disc and the jet, and also a brief description of the EoS used. In Section 3, we present the solution procedure of the equations of motions. In Section 4, we present the results, and then present our concluding remarks in Section 5. 2 ASSUMPTIONS AND EQUATIONS In this section, we \ufb01rst present the equations of motion governing the accretion disc and then those governing the matter leaving the disc as bipolar jets. Although equations of motion for both disc and jets are conservation of four-momentum and four-mass \ufb02ux, but since the \ufb02ow geometry of the disc and that of the jet are di\ufb00erent, we will separately present the two sets of equations. In Fig. 1, a cartoon diagram of the disc jet system is presented. The accretion disc occupies the region around the equatorial plane, while the jet \ufb02ows about the c \u20dd0000 RAS, MNRAS 000, 000\u2013000 \fGeneral relativistic viscous accretion disc 7 Figure 1. Cartoon diagram of disc-jet system. The arrows show the direction of motion. The disc \ufb02ow geometry is on and around the equatorial plane, while the jet \ufb02ow geometry is about the axis of symmetry. The post-shock disc or PSD and the pre-shock disc are shown. The jet streamline is also mentioned. Here BH stands for the black hole. axis of symmetry. The jet geometry is signi\ufb01cantly di\ufb00erent from the pNp prescription and will be described in Section 2.3. 2.1 Equations governing accretion disc The energy momentum tensor for the viscous \ufb02ow is T \u00b5\u03bd = (e + p)u\u00b5u\u03bd + pg\u00b5\u03bd + t\u00b5\u03bd, (1) where e, p and u\u00b5 are the local energy density, local gas pressure and four-velocities, respectively. The inverse of the metric tensor components is g\u00b5\u03bd and Greek indices \u00b5, \u03bd represent the space-time coordinates. Here, t\u00b5\u03bd is viscous stress tensor and considering it is only the shear that gives rise to the viscosity, then t\u00b5\u03bd = \u22122\u03b7\u03c3\u00b5\u03bd, where \u03b7 is the viscosity coe\ufb03cient. The shear tensor has the general form (Peitz & Appl 1997) \u03c3\u00b5\u03bd = 1 2 \u0014 (u\u00b5;\u03b3h\u03b3 \u03bd + u\u03bd;\u03b3h\u03b3 \u00b5) \u22122 3\u0398exph\u00b5\u03bd \u0015 , (2) where h\u00b5\u03bd = g\u00b5\u03bd + u\u00b5u\u03bd is the projection tensor, and \u0398exp = u\u03b3 ;\u03b3 is expansion of the \ufb02uid world line. Equation (2) can be rewritten as \u03c3\u00b5\u03bd = 1 2 \u0014 (u\u00b5;\u03bd + u\u03bd;\u00b5 + a\u00b5u\u03bd + a\u03bdu\u00b5) \u22122 3\u0398exph\u00b5\u03bd \u0015 , (3) where a\u00b5 = u\u00b5;\u03b3u\u03b3 is the four-acceleration. The covariant derivative of covariant component of four-velocity is de\ufb01ned as u\u00b5;\u03b3 = u\u00b5,\u03b3 \u2212\u0393\u03b2 \u00b5\u03b3u\u03b2, where \u0393\u03b2 \u00b5\u03b3 is the Christo\ufb00el symbol. We c \u20dd0000 RAS, MNRAS 000, 000\u2013000 \f8 Chattopadhyay & Kumar choose the geometric units where G = Mbh = c = 1 (G is the gravitational constant, Mbh is the mass of the BH), which has been used in all the equations, unless mentioned otherwise. The governing equations of the relativistic \ufb02uid are T \u00b5\u03bd ;\u03bd = 0, (\u03c1u\u03bd);\u03bd = 0. (4) The relativistic Navier Stokes equation is obtained by projecting the energy momentum conservation along the ith direction i. e. hi \u00b5T \u00b5\u03bd ;\u03bd = 0 (i = 1, 2, 3) and can be written as, [(e + p)u\u03bdui ;\u03bd + (gi\u03bd + uiu\u03bd)p,\u03bd] + hi \u00b5t\u00b5\u03bd ;\u03bd = 0 (5) The energy generation equation or the \ufb01rst law of thermodynamics is u\u00b5T \u00b5\u03bd ;\u03bd = 0 and is given by, u\u00b5 \u0014\u0012e + p \u03c1 \u0013 \u03c1,\u00b5 \u2212e,\u00b5 \u0015 = Q+, (6) where, Q+ = t\u00b5\u03bd\u03c3\u00b5\u03bd is the viscous heating term and we ignore cooling terms, to stress on the e\ufb00ect of viscous dissipation. Here \u03c1 is the mass density of the \ufb02ow and h is the speci\ufb01c enthalpy of the \ufb02ow, h = e + p \u03c1 . (7) We have considered only the r \u2212\u03c6 component of relativistic shear tensor. This would on one hand simplify the equations tremendously, and on the other hand would allow us to directly compare with the plethora of work done with pseudo potentials (Becker et al. 2008; Kumar & Chattopadhyay 2013; Kumar et al. 2014; Kumar & Chattopadhyay 2014). The r \u2212\u03c6 component of the shear tensor (equation 3) is written as (Peitz & Appl 1997) 2\u03c3r \u03c6 = ur ;\u03c6 + grru\u03c6;r + aru\u03c6 + a\u03c6ur \u22122 3\u0398expuru\u03c6. (8) Following Peitz & Appl (1997), we neglect derivatives of ur, ar and \u0398exp and equation (8) becomes 2\u03c3r \u03c6 = (grr + urur)du\u03c6 dr \u22122u\u03c6 r grr. (9) In this paper, we consider only the simplest BH metric for the accretion disc, namely the Schwarzschild metric, in which the non-zero metric components are gtt = \u2212 \u0012 1 \u22122 r \u0013 ; grr = \u0012 1 \u22122 r \u0013\u22121 ; g\u03b8\u03b8 = r2; g\u03c6\u03c6 = r2sin2\u03b8. For accretion, the \ufb02ow is around the equatorial plane; therefore, the equations are obtained at \u03b8 = \u03c0/2 and assumed hydrostatic equilibrium along the transverse direction. With these assumptions, we write down the radial component of Navier Stokes equation (5), ur dur dr + 1 r2 \u2212(r \u22123)u\u03c6u\u03c6 + (grr + urur) 1 e + p dp dr = 0, (10) c \u20dd0000 RAS, MNRAS 000, 000\u2013000 \fGeneral relativistic viscous accretion disc 9 the integrated form of the azimuthal component of equation (5), \u2212\u03c1ur(L \u2212L0) = 2\u03b7\u03c3r \u03c6, (11) where L = hu\u03c6 = hl and L0 are the local bulk angular momentum and bulk angular momentum at the horizon of the BH, respectively. It must be remembered that while l = u\u03c6 is a conserved quantity in the absence of dissipation for particles, for \ufb02uid L is the corresponding conserved quantity. The speci\ufb01c angular momentum for \ufb02uid is therefore \u03bb = \u2212u\u03c6/ut, but for particles it is l or u\u03c6. Moreover, the radial three velocity is de\ufb01ned as v2 \u02c6 r = \u2212(urur)/(utut) and in the local corotating frame v2 = \u03b32 \u03c6v2 \u02c6 r (Lu 1985). The associated Lorentz factors being \u03b3v = (1 \u2212v2)\u22121/2, \u03b3\u03c6 = (1 \u2212v2 \u03c6)\u22121/2 and the total Lorentz factor is \u03b3 = \u03b3v\u03b3\u03c6. Moreover, v\u03c6 = p \u2212u\u03c6u\u03c6/utut = \u221a \u2126\u03bb, where \u2126= u\u03c6/ut. The hydrostatic equilibrium along the transverse direction gives local disc height expression (Lasota 1994; Ri\ufb00ert & Herold 1995; Peitz & Appl 1997), H = pr3 \u03c1\u03b32 \u03c6 !1/2 . (12) The \ufb01rst law of thermodynamics (equation 6) ur \u0014\u0012e + p \u03c1 \u0013 \u03c1,r \u2212e,r \u0015 = tr\u03c6\u03c3r\u03c6 (13) Integrating mass-conservation equation, we obtain the expression of the mass accretion rate, \u2212\u02d9 M = 4\u03c0\u03c1Hurr. (14) We can now de\ufb01ne the dynamical viscosity coe\ufb03cient and it is \u03b7 = \u03c1\u03bd, where the kinematic viscosity is given by \u03bd = \u03b1arfc, a is the sound speed (see equation 23) and fc = (1 \u2212v2)2. Since \u03c3r\u03c6 may or may not be equal to zero on the horizon, with the choice of fc we have made tr\u03c6|horizon = 0 (see Peitz & Appl 1997, for details). The constant of motion can be obtained by integrating equation (10), log(E) = \u22121 2log(1 \u2212v2) + 1 2log \u0012 1 \u22122 r \u0013 \u2212 Z (r \u22123)l2 r3(r \u22122)\u03b32 v dr + Z 1 e + pdp. (15) The last term of equation (15) with the help of equations (7) and (13) can be written as Z 1 e + pdp = Z 1 h dp \u03c1 = Z 1 h \u0014 dh \u2212tr\u03c6\u03c3r\u03c6 \u03c1ur dr \u0015 . (16) Using equation (11) and relation tr\u03c6 = \u22122\u03b7\u03c3r\u03c6 in equation (16), we get, Z 1 e + pdp = Z 1 h \u0014 dh + ur(L \u2212L0)2 2\u03bdr(r \u22122) dr \u0015 . (17) Combining equation (17) in equation (15) and re-arranging, we get E = h\u03b3v q 1 \u22122 r exp(Xf) , (18) c \u20dd0000 RAS, MNRAS 000, 000\u2013000 \f10 Chattopadhyay & Kumar where Xf = Z \u0014\u0012r \u22123 r \u22122 \u0013 l2 r3\u03b32 v \u2212ur(L \u2212L0)2 2\u03bdhr(r \u22122) \u0015 dr. E is the constant of motion in the presence of viscous dissipation and may be called the relativistic Bernoulli constant in the presence of viscosity. It is interesting to note that in the absence of viscosity, the \ufb01rst term in the parentheses of Xf is ln(\u03b3\u22121 \u03c6 ), and so E(inviscid) = h\u03b3v\u03b3\u03c6 p (1 \u22122/r) = \u2212hut = E, i.e. the relativistic Bernoulli constant. It is indeed intriguing to note that E also has the same dimension of E, i.e. of speci\ufb01c energy, but the former is a constant of motion while E is not. It must be noted that E incorporates the information of motion locally, i.e. motion along radial and azimuthal direction (quasi-one-dimensional), and the e\ufb00ect of gravity through \u2212ut, while the information of internal energy is through h. Therefore, E contains the information of viscous heat dissipation (it increases where viscosity is e\ufb00ective), but not the angular momentum transport due to viscosity; as a result, it is not a constant of motion. However, E contains all the information carried by E, as well as the information of angular momentum transport, which makes E constant. So it might be physically more relevant to consider E as the speci\ufb01c energy for dissipative \ufb02ow than E. Since speci\ufb01c energy expression in GR is not additive, so all the terms are not apparent; however, a comparison of the constants of motion for dissipative and inviscid Newtonian \ufb02ow might be instructive. From Gu & Lu (2004); Becker et al. (2008) and Kumar & Chattopadhyay (2013, 2014), one may write down the grand speci\ufb01c energy or generalized Bernoulli parameter for Newtonian \ufb02uid as E(pNp) = 1 2v2 pNp + hpNp \u2212\u03bb2 pNp 2r2 + \u03bbpNp\u03bb0pNp r2 \u2212 1 2(r \u22121). (A) The canonical Bernoulli parameter for Newtonian \ufb02uid is E(pNp) = 1 2v2 pNp + hpNp + \u03bb2 pNp 2r2 \u2212 1 2(r \u22121). (B) In the above, the su\ufb03x pNp denotes that the \ufb02ow variables are in pNp regime, \u03bb0pNp is the speci\ufb01c angular momentum at rg and the last term on r.h.s of both the equations (A and B) is the gravity term in pNp. It is clear that while E(pNp) contains the local information of radial motion (\ufb01rst term), azimuthal motion (\u03bbpNp), gravity and the thermal (hpNp) terms, E contains all of them, as well as the angular momentum transport term (third and fourth terms of equation A). Clearly, if there is no viscosity, then \u03bb0pNp = \u03bbpNp, so E(pNp) \u2192E(pNp). Therefore, one may say E in equation (18) is the constant of motion for viscous, relativistic \ufb02uid, equivalent to the one obtained in the pseudo-Newtonian limit (e.g., Gu & Lu 2004; Kumar & Chattopadhyay 2013, 2014). c \u20dd0000 RAS, MNRAS 000, 000\u2013000 \fGeneral relativistic viscous accretion disc 11 2.2 Relativistic EoS and the equations of motion: To solve the equations of motion, we need a closure relation between thermodynamic quantities called the EoS. In this subsection, we will start by expressing the variables in physical units, and at the end while applying into equations of motion we will impose the geometric units. We consider that the \ufb02uid is composed of electrons (e\u2212), positrons (e+) and protons (p+) of varying proportions, but always maintaining the overall charge neutrality: ne\u2212= np+ + ne+, here ns is the number density of the sth species of the \ufb02uid. The mass density is given by Chattopadhyay (2008) and Chattopadhyay & Ryu (2009), \u03c1 = \u03a3inimi = ne\u2212me\u2212[2 \u2212\u03be(1 \u22121/\u03c7)] = ne\u2212me\u2212\u02dc \u03c4, (19) where, \u03c7 = me\u2212/mp+, \u03be = np+/ne\u2212is the composition parameter and \u02dc \u03c4 = [2 \u2212\u03be(1 \u22121/\u03c7)]. The electron and proton masses are me\u2212and mp+, respectively. For single temperature \ufb02ow, the isotropic pressure is given by p = \u03a3ipi = 2ne\u2212kT = 2ne\u2212me\u2212c2\u0398 = 2\u03c1c2\u0398 \u02dc \u03c4 . (20) The EoS for multi-species \ufb02ow is (Chattopadhyay 2008; Chattopadhyay & Ryu 2009) e = \u03a3iei = \u03a3 \u0014 nimic2 + pi \u00129pi + 3nimic2 3pi + 2nimic2 \u0013\u0015 . (21) The non-dimensional temperature is de\ufb01ned with respect to the electron rest mass energy, \u0398 = kT/(me\u2212c2). Using equations (19) and (20), the expression of the energy density in equation (21) simpli\ufb01es to e = ne\u2212me\u2212c2f = \u03c1e\u2212c2f = \u03c1f \u02dc \u03c4 , (22) where f = (2 \u2212\u03be) \u0014 1 + \u0398 \u00129\u0398 + 3 3\u0398 + 2 \u0013\u0015 + \u03be \u0014 1 \u03c7 + \u0398 \u00129\u0398 + 3/\u03c7 3\u0398 + 2/\u03c7 \u0013\u0015 . The expressions of the polytropic index, the adiabatic index and the sound speed are given as, N = 1 2 d f d\u0398; \u0393 = 1 + 1 N , and a2 = \u0393p e + p = 2\u0393\u0398 f + 2\u0398. (23) Integration of \ufb01rst law of thermodynamics (equation 13) by assuming adiabatic \ufb02ow (Q+ = 0) and using the EoS (equation 22), gives us the adiabatic relation of multi-species relativistic \ufb02ow (Chattopadhyay & Kumar 2013; Kumar et al. 2013), \u03c1 = K exp(k3) \u03983/2(3\u0398 + 2)k1(3\u0398 + 2/\u03c7)k2, (24) where k1 = 3(2 \u2212\u03be)/4, k2 = 3\u03be/4 and k3 = (f \u2212\u02dc \u03c4)/(2\u0398) and K is the constant of entropy. Equation (24) is the generalized version of p = K\u03c1\u0393. Combining equations (24) and (14), we c \u20dd0000 RAS, MNRAS 000, 000\u2013000 \f12 Chattopadhyay & Kumar get the expression of entropy accretion rate, \u02d9 M = \u02d9 M 4\u03c0K = exp(k3)\u03983/2(3\u0398 + 2)k1(3\u0398 + 2/\u03c7)k2Hrur. (25) Re-arranging equations (10-14) with the help of equations (9), (7), (19), (20) and (22) in geometric units, we present the spatial derivative of \ufb02ow variables v, l and \u0398, dv dr = N D , (26) where N = \u2212 1 r(r \u22122) + (r \u22123 r \u22122) l2 r3\u03b32 v + 2a2 \u0393 + 1 \u00d7 \u0014 e \u03c4ur(L \u2212L0)2 8\u03bdr(r \u22122)(N + 1)\u0398 + 5r \u22128 2r(r \u22122) \u2212 l2 r2\u03b32 \u00121 l dl dr \u22121 r \u0013\u0015 D = \u03b32 v \u0014 v \u22122a2 \u0393 + 1 \u0012 l2 r2\u03b32v + 1 v \u0013\u0015 . Here, D contains an extra term l2v/(r2\u03b32) compared to the inviscid case (Chattopadhyay & Chakrabarti 2011). There is \u03b3\u03c6 term in the expression of disc height (equation 12). The radial derivative of equation (14) implies that the radial derivative of the speci\ufb01c angular momentum will be non-zero, which causes the extra term to appear. There are many height prescriptions (Lasota 1994; Ri\ufb00ert & Herold 1995; Peitz & Appl 1997), and choice of any one of them apart from the one used, will not a\ufb00ect the result qualitatively. Then, dl dr = \u0014 \u2212ur(L \u2212L0) \u03bd(1 \u22122 r) + 2l r \u0015 (1 \u2212v2). (27) Moreover, d\u0398 dr = \u2212 e \u03c4ur(L \u2212L0)2 2\u03bdr(r \u22122)(2N + 1) \u2212 2\u0398 2N + 1 \u00d7 \u0014 5r \u22128 2r(r \u22122) + \u03b32 v \u00121 v + v l2 r2\u03b32 \u0013 dv dr \u2212 l2 r2\u03b32 \u001a1 l dl dr \u22121 r \u001b\u0015 . (28) These di\ufb00erential equations are integrated by using fourth order Runge Kutta numerical method with the help of using critical point conditions and l\u2032Hospital rule at critical point. 2.2.1 Sonic point equations Mathematical form of critical point equation is dv/dr = N /D = 0/0, which gives two equations as, \u0014 1 \u2212 2 \u0393c + 1 \u0012 a2 cl2 c r2 c\u03b32 c + a2 c v2 c \u0013\u0015 = 0 (29) c \u20dd0000 RAS, MNRAS 000, 000\u2013000 \fGeneral relativistic viscous accretion disc 13 and \u2212 1 rc(rc \u22122) + \u0012rc \u22123 rc \u22122 \u0013 l2 c r3 c\u03b32 vc + 2a2 c \u0393c + 1 (30) \u00d7 \u0014 e \u03c4ur c(Lc \u2212L0)2 8\u03bdcrc(rc \u22122)Nc\u0393c\u0398c + 5rc \u22128 2rc(rc \u22122) + l2 c rc\u03b32 c \u0012 ur c(Lc \u2212L0) \u03bdclc\u03b32 vc(rc \u22122) \u22121 \u22122v2 c r2 c \u0013\u0015 = 0. Here, the subscript \u2018c\u2019 denotes the same physical quantities described in equations (26-28), but evaluated at the location of the critical point. The velocity gradient on the sonic point, i.e. (dv/dr)c, is obtained by employing l\u2032Hospital rule. 2.2.2 Relativistic shocks for viscous \ufb02ow The relativistic shock conditions were \ufb01rst obtained by Taub (1948), which for viscous \ufb02ow in the presence of mass-loss are \u02d9 M+ = \u02d9 M\u2212\u2212\u02d9 Mo (31) [\u03a3h\u03b32 vvv + W] = 0 (32) [ \u02d9 J] = 0 (33) [ \u02d9 E] = 0 (34) where, \u02d9 J = \u02d9 ML0 = \u02d9 M(L \u22122\u03bd\u03c3r \u03c6/ur), \u02d9 E = \u02d9 ME, \u03a3 = 2\u03c1H and W = 2pH. We have solved four shock conditions (31-34) simultaneously, where viscous shear tensor (\u03c3r \u03c6) is continuous across the shock and we obtained the relation between pre-shock (su\ufb03x \u2018\u2212\u2019) and post-shock (su\ufb03x \u2018+\u2019) \ufb02ow variables, L\u2212= L+ + (2\u03c3r \u03c6|+) \u0014\u03bd+ u+ \u2212\u03bd\u2212 u\u2212 \u0015 ; h\u2032 \u2212u2 \u2212\u2212k1u\u2212+ 2\u0398\u2212= 0; k2 \u2212exp(Xf \u2212)h\u2032 \u2212\u03b3v\u2212= 0, (35) where, k1 = (1 \u2212R \u02d9 m)(h\u2032 +u2 + + 2\u0398+)/u+, R \u02d9 m = \u02d9 Mo/ \u02d9 M\u2212, k2 = exp(Xf +)h\u2032 +\u03b3v+, h\u2032 = (f + 2\u0398) and u = v\u03b3v. Here, Xf \u2212= (fl/f\u03b3)2Xl++fuf 2 LXL+/(f\u03bdfh), Xl+ = R ( r\u22123 r\u22122) l2 + r3\u03b3v2 +dr, XL+ = \u2212 R ur +(L+\u2212L0)2 2\u03bd+h+r(r\u22122)dr, fl = l\u2212/l+, f\u03b3 = \u03b3v\u2212/\u03b3v+, fu = ur \u2212/ur +, fL = (L\u2212\u2212L0)/(L+\u2212L0), f\u03bd = \u03bd\u2212/\u03bd+, fh = h\u2212/h+, and Xf + = Xl+ + XL+. From equation (11), viscous shear tensor can be written as 2\u03c3r \u03c6|+ = \u2212u+(L+ \u2212L0)/\u03bd+. 2.3 Out\ufb02ow equations The jet being tenuous, we idealize it to be inviscid; therefore, the energy momentum tensor of jet \ufb02uid should be ideal. The general form of the equations of motion would be similar c \u20dd0000 RAS, MNRAS 000, 000\u2013000 \f14 Chattopadhyay & Kumar (equation 4); however, the geometry is entirely di\ufb00erent (see Fig. 1). For the jet we de\ufb01ne, \u03d1i = ui j ut j and \u03d1i = \u2212uij utj , (36) where i = (r, \u03b8, \u03c6) and \u2018j\u2019 implies jet quantities and should not be confused with vector or tensor components. Here, \u03d1i and \u03d1i are the component of \u2018transport\u2019 velocity (also called as coordinate velocity) and the respective momentum per unit inertial mass (Chakrabarti 1985). The azimuthal three-velocity of the jet is de\ufb01ned as v\u03c6 j = (\u03d1\u03c6\u03d1\u03c6)1/2 = (\u2126j\u03bbj)1/2, where \u03bbj, the speci\ufb01c angular of the jet, is constant along the \ufb02ow. The three-velocity of the jet along the stream line is given by v2 p = \u03d1r\u03d1r + \u03d1\u03b8\u03d1\u03b8. The surfaces of constant angular momentum for jets in GR are VZS where the von Zeipel parameter is constant (Kozlowski et. al. 1978; Chakrabarti 1985). The von Zeipel parameter is de\ufb01ned as Z\u03c6 = \u0012\u03d1\u03c6 \u03d1\u03c6 \u00131/2 = \u0012 \u2212gtt g\u03c6\u03c6 \u00131/2 = rj sin\u03b8j (1 \u22122/rj)1/2. (37) Equation (37) de\ufb01nes the streamline. The angular momentum of jets would be related to the von Zeipel parameter (Chakrabarti 1985) \u03d1\u03c6 = c\u03c6Zn \u03c6, (38) where c\u03c6 and n are some constant parameters. Using equation (38) along with EoS (equation 22), the de\ufb01nitions of h (equation 7) and Z\u03c6 (equation 37) while integrating the jet equations of motion gives us the constant of motion of the jet, which is similar to the Bernoulli parameter along the streamline of the jet, \u211cj = \u2212hjutj[1 \u2212c2 \u03c6Z(2n\u22122) \u03c6 ]\u03b2, (39) where utj = \u2212(1 \u22122/rj)1/2\u03b3j, \u03b3j = \u03b3vj\u03b3\u03c6j, \u03b3vj = 1/ q (1 \u2212v2 j ), \u03b3\u03c6j = 1/ q (1 \u2212c2 \u03c6Z(2n\u22122) \u03c6 ), vj = \u03b3\u03c6jvp and \u03b2 = n/(2n \u22122). The mass out\ufb02ow equation can be written as, \u02d9 Mo = \u03c1jup j Aj, (40) where \u03c1j, up j = \u221agpp\u03b3vjvj and Aj are jet mass density, jet four-velocity along the VZS and area of jet cross-section, respectively. The expression of gpp = 1/h2 p is de\ufb01ned in Appendix A. And similar to the accretion disc equations, we can also derive the entropy-out\ufb02ow rate for the jet, and is de\ufb01ned as \u02d9 Mj = \u02d9 Mo 2\u03c0K = exp(k3) \u03983/2 j (3\u0398j + 2)k1(3\u0398j + 2/\u03c7)k2up j Aj 2\u03c0. (41) If there are no shocks in jets, then \u02d9 Mj will remain constant along the streamline. The di\ufb00erential form of equation (39) with the help of equations (40) and (24) and after some c \u20dd0000 RAS, MNRAS 000, 000\u2013000 \fGeneral relativistic viscous accretion disc 15 manipulations is obtained as dvj drj = a2 j Aj dAj drj \u2212 a2 j hp dhp drj \u2212 1 rj(rj\u22122) vj\u03b32 vj[1 \u2212 a2 j v2 j ] = Nj Dj (42) and d\u0398j drj = \u2212\u0398j Nj \u0014\u03b32 vj vj dvj drj + 1 Aj dAj drj \u22121 hp dhp drj \u0015 . (43) Here, expression of Aj is de\ufb01ned in equation (50) in Section 3.3. It is to be noted that (dAj)/(Ajdrj) = (rj \u22121)/[rj(rj \u22122)] and (dhp)/(hpdrj) = (dh1)/(h1drj) \u2212(dh2)/(h2drj) \u2212 tan\u03b8j(d\u03b8j/drj)\u22121/[rj(rj\u22122)]. Here, h1 = 1+tan2\u03b8j(rj \u22123)2/[rj(rj \u22122)], h2 = h2 3+h2 4tan4\u03b8j(rj\u2212 3)2/(rj \u22122)2, dh1/drj = \u2212\u03b8\u2032 jtan\u03b8j[(6\u2212rj)/rj +(rj \u22123)\u03b8\u2032 jtan\u03b8j], dh2/drj = h3(2\u2212sin2\u03b8j\u03b8\u2032 j)+ h4(rj \u22123)tan4\u03b8j[(rj \u22123){1 + (sin2\u03b8j + 4h4/sin2\u03b8j)\u03b8\u2032 j} + h4/(rj \u22122)]/(rj \u22122)2, h3 = (2rj \u2212 2 \u2212sin2\u03b8j), h4 = (rj \u22124 + sin2\u03b8j) and from di\ufb00erentiation of eq. (37), we get d\u03b8j/drj = \u03b8\u2032 j = \u2212tan\u03b8j(rj \u22123)/[rj(rj \u22122)]. 2.3.1 Jet sonic point From the de\ufb01nitions, jet critical point conditions are obtained from equations (42) and (43) as, Nj = 0 \u21d2 a2 jc = 1/[rjc(rjc \u22122)] [ 1 Ajc dAjc drjc \u22121 hp dhp drj ] , (44) and Dj = 0 \u21d2 M2 jc = vjc ajc , (45) where, subscript \u2018c\u2019 denotes \ufb02ow values at critical point. And the velocity gradient at the critical point is obtained by l\u2032Hospital\u2019s rule. 3 SOLUTION PROCEDURE We \ufb01rst solve for the accretion solution and once the accretion solution is obtained, we iteratively \ufb01nd the jet solution from the accretion solution. Since, close to the horizon, gravity dominates all other physical processes, so the infall time-scale of matter will be smaller than viscous time-scale or any other time-scales. In other words, very close to the horizon, matter is almost falling freely and E \u2243E. It may be remembered from Section 2.1 that E is the generalized relativistic Bernoulli parameter in the presence of viscosity and E is the canonical relativistic Bernoulli parameter. In steady state, for inviscid \ufb02ow E is a c \u20dd0000 RAS, MNRAS 000, 000\u2013000 \f16 Chattopadhyay & Kumar constant of motion and for viscous \ufb02ow E is a constant of motion. Therefore, at a distance rin \u2192rg, vin = \u03b4 p 2/rin. Here, rg = 2rs = 2GMB/c2, rin = 2.001rs and \u03b4 < 1. We start by assigning \u03b4 = 1 in vin, and obtain \u0398in and L0. With these values, we integrate equations (26), (27) and (28) outwards. If the ensuing solution does not satisfy critical point conditions (equations 29 and 30), we reduce \u03b4 and repeat the procedure till the accretion critical points are obtained and thereby \ufb01xing the value of \u03b4. 3.1 Method to \ufb01nd L0 We have provided four \ufb02ow parameters (E, \u03be, \u03b1 and \u03bbin or Lin) and by using vin, we can calculate \u0398in from relativistic Bernoulli equation E = \u2212hut. Since we know ut [= \u2212 p (1 \u22122/r) \u03b3] from vin, \u03bbin and E = E at r = rin = 2.001rs, so enthalpy (h) can be expressed as cubic equation in \u0398 from enthalpy equation (7), which is X3\u03983 + X2\u03982 + X1\u0398 + X0 = 0, (46) where, X3 = 72\u03c7, X2 = 3[16(\u03c7 + 1) \u22123\u03c7\u02dc \u03c4Xc], X1 = 2[10 \u22123\u02dc \u03c4(Xc \u22121)(\u03c7 + 1)], X0 = \u22124\u02dc \u03c4(Xc \u22121) and Xc = \u2212E/ut. Equation (46) gives three real roots but two are negative and only one is positive, so we used positive root and is symbolized as \u0398in. Now, L0 can be calculated from equation (18) by assuming E = E at rin. Since we assume E = E = \u2212hut close to the horizon, therefore, from equation (18) at r = rin we have \u03b3\u03c6 exp(Xf) = 1. This condition is written as, \u22121 \u03b3\u03c6 d\u03b3\u03c6 dr = \u0014\u0012r \u22123 r \u22122 \u0013 l2 r3\u03b32 v \u2212ur(L \u2212L0)2 2\u03bdhr(r \u22122) \u0015 . (47) Simplifying the above equation with the help of equations (26) and (27), we get a quadratic equation in L0, given by b2L2 0 + b1L0 + b0 = 0, (48) where, b2 = ur[\u02dc \u03c4vv2 \u03c6\u2118/(4\u0398DN\u0393) + 1/h]/[2\u03bdr(r \u22122)], b1 = \u22122Linb2 \u2212a1 and b0 = b2L2 in + a1Lin + a0. Here, a1 = [urv2 \u03c6(v \u2212\u2118/v)]/[\u03bd\u03b32 vl(1 \u22122/r)D], a0 = vv2 \u03c6[\u22121 + (5r \u22128)\u2118/2 + (r \u22123)\u03b32 \u03c6\u2118(v2 \u03c6 + 1/v2) + (r \u22122)(1 \u2212\u2118/v2)(1 \u22122/\u03b32 \u03c6)]/[r(r \u22122)D], \u2118= 2a2/(\u0393 + 1) and D = [v \u2212\u2118(v2 \u03c6v +1/v)]. Equation (48) gives two real roots, one is greater than Lin and other less than Lin. Since viscosity transports angular momentum outward, so second root, which is less than Lin, is the correct solution. To summarize, we have obtained asymptotic values of vin and \u0398in at rin = 2.001 and L0 or \u03bb0 on the horizon by using three \ufb02ow parameters, E, \u03b1, Lin and \u03be to \ufb01x the EoS, so that c \u20dd0000 RAS, MNRAS 000, 000\u2013000 \fGeneral relativistic viscous accretion disc 17 we can integrate equations (26 28) simultaneously outwards from rin. It is to be noted that only correct values of vin, \u0398in and L0 will produce a transonic solution. 3.2 To \ufb01nd critical point and shock locations in disc Initially, a tentative accretion solution is obtained without considering mass-loss from the disc. We obtain the transonic solution iteratively, i.e., to say, for a given set of (E, \u03b1, Lin), there exists a unique set of vin, \u0398in and L0 which will pass through a certain critical point (rc). Once we obtain rc, we integrate outwards to obtain global solution. Gravity induces one sonic point or critical point. Rotation induces multiple sonic points. If the \ufb01rst sonic point obtained is close to the horizon, we call it inner sonic point rci. If the transonic solution is monotonic, then there are no other sonic points. Once we get one sonic point, we continue to search for other sonic points. Up to three sonic points can be obtained, in which the inner (rci) and the outer (rco) sonic points are X-type and are physical sonic points as \ufb02ow actually passes through these sonic points. The middle sonic point is unphysical because \ufb02ow actually does not pass through it, since the (dv/dr)c at middle sonic point is complex. For viscous \ufb02uid, the middle sonic point is spiral type. For \ufb02ows going through rci, we check for the shock conditions equations (35), initially assuming \u02d9 Mo = 0, and compute the pre-shock \ufb02ow variables (i.e. v\u2212, a\u2212, L\u2212). We integrate with v\u2212, a\u2212, L\u2212along the supersonic branch and check whether solution passes through the outer sonic point or rco. The location of the jump rsh, for which the supersonic branch starting with v\u2212, a\u2212, L\u2212goes through rco is the shock location. When there is a shock, then the entropy of the \ufb02ow through rco is less than the entropy of the \ufb02ow through rci, i.e. \u02d9 Mo < \u02d9 Mi. 3.3 To \ufb01nd jet critical point and mass out\ufb02ow rate While E (/E) is the constant of motion along equatorial plane for viscous (/inviscid) accretion solution, however, away from the equatorial plane, the constant of motion is given by equation (39) which is constant along the jet stream-line de\ufb01ned by equation (37). Numerical simulations show that the post-shock disc is the jet base (Molteni et al. 1996b; Das et al. 2014). Numerical simulations also show that the angular momentum at the top of the PSD (the base of the jet) is about 20-30% less than from the equatorial plane, so without losing generality we consider at the base \u03bbj = 2\u03bb/3, and the location of the jet base c \u20dd0000 RAS, MNRAS 000, 000\u2013000 \f18 Chattopadhyay & Kumar xb = (rci + rsh)/2. We estimate \u211cat xb on the disc surface and the jet is launched with the same modi\ufb01ed Bernoulli parameter, i.e. \u211cj = \u211c(xb). The modi\ufb01ed Bernoulli parameter (\u211cj) depends on constants n and c\u03c6 apart from its local \ufb02ow variables. Interestingly, the entropy of the jet also depends on these two parameters. Keeping same \u211cj, but by changing n and c\u03c6, iteratively, we obtain the \u02d9 Mj which admits the transonic jet solutions, with the help of equations (44) and (45) for particular values of n > 0. Since only a fraction of matter escapes as jets, so \u02d9 Mj should be less than local disc entropy at xb but greater than the disc pre-shock entropy. Following the above constraint, c\u03c6 and n would be related by c\u03c6 = Zn \u03c6/\u03bbj. Once we know the jet solution it is easy to de\ufb01ne the relative mass out\ufb02ow rate, R \u02d9 m = \u02d9 M0 \u02d9 M\u2212 = 1 [ \u02d9 M+/ \u02d9 M0 + 1] . (49) The jet base cross-sectional area, perpendicular to tangent of the stream line at rj is, Aj = Ab \u0012 rj rb \u00132 sin\u03b8j, (50) where, Ab = A\u2032 bsin\u03b8b and A\u2032 b = 2\u03c0(r2 b0 \u2212r2 bi) are area along the accretion cylindrical radial coordinate and area along the spherical radial coordinate, respectively. Here, rb = p x2 b + h2 b, \u03b8b = sin\u22121(xb/rb), rbi = xbi/sin\u03b8b, rb0 = xb0/sin\u03b8b, xb = (rci + rsh)/2, xbi = rci and xb0 = rsh. Here, \u03b8j = sin\u22121(Z\u03c6 p 1 \u22122/rj/rj) and Z\u03c6 = rbsin\u03b8b/ p (1 \u22122/rb). Now the equation (49) with the help of equations (50), (40) and (14) can be written as, R \u02d9 m = 1 \u0002 (4\u03c0H+r+\u03c1+ur +)/(Ajb\u03c1jbup jb) + 1 \u0003 (51) = 1 \u0002 \u03a3(RAR\u039e)\u22121 + 1 \u0003, where \u03c1jb = \u03c1bexp(\u22127xb/(3hb))/h2 b, up jb = \u221agpp\u03b3vbvjb and Ajb = Absin\u03b8b are jet base density, four-velocity at jet base and jet base area, respectively. Moreover, RA = Ajb/(4\u03c0H+r+), R = (ur \u2212)/(ur +) the compression ratio, \u03a3 = \u03c1+/\u03c1\u2212o, the density jump across the accretion shock and \u039e = (\u03c1jbup jb)/(\u03c1\u2212ur \u2212) or the ratio of the relativistic mass \ufb02ux of the pre-shock accretion \ufb02ow and the jet base, respectively. It is to be noted that \u039e measures the upward thrust imparted by the shock through the compression ratio. Once the jet solution is obtained for a particular accretion shock solution, we compute the relative mass out\ufb02ow rate or R \u02d9 m, and feed it back to the shock conditions (equation 35) and retrace the steps mentioned in Sections 3.1 and 3.2 to \ufb01nd a new rsh. Then from this new rsh we \ufb01nd a new jet solution and new R \u02d9 m (Section 3.3). We continue these iterations till c \u20dd0000 RAS, MNRAS 000, 000\u2013000 \fGeneral relativistic viscous accretion disc 19 Figure 2. Variation of accretion Mach number M (a), bulk velocity v (b), dimensionless temperature \u0398 (c), sound speed a (d), entropy accretion rate \u02d9 M (e), accretion adiabatic index \u0393 (f), generalized relativistic Bernoulli parameter E (g), speci\ufb01c angular momentum \u03bb (h) and bulk angular momentum L (i). The sonic point is indicated by the star mark in panel (a). The accretion disc parameters are E = 1.0005, L0 = 2.6, \u03b1 = 0.01 and \u03be = 1.0. the shock location converges and then we obtain a self-consistent accretion-ejection solution around BHs in full general relativistic regime. 4 RESULTS In this paper, we obtained jet solution from accretion solutions. In other words, we supplied accretion disc parameters E, \u03b1, Lin and \u03be to \ufb01x the EoS of the relativistic \ufb02ow, obtained accretion and jet solutions simultaneously. However, in the following subsection we will \ufb01rst present all possible accretion solution and then in the next subsection we will present the accretion-ejection solutions. The location of the outer boundary of the accretion disc is 105rg for totally sub-Keplerian disc and/or wherever the angular momentum distribution achieves the local Keplerian value. 4.1 In\ufb02ow solutions In Fig.(2), we plot the accretion solution for E = 1.0005, L0 = 2.6, \u03b1 = 0.01. We choose \u03be = 1.0, until speci\ufb01ed otherwise. Various \ufb02ow variables plotted are the Mach number M = v/a (a), v (b), \u0398 (c), a (d), \u02d9 M (e), \u0393 (f), E (g), \u03bb (h) and L (i). The disc parameters were such that it produces a single outer-type sonic point. While \u0393 varies from semi-relativistic c \u20dd0000 RAS, MNRAS 000, 000\u2013000 \f20 Chattopadhyay & Kumar Figure 3. Variation of accretion Mach number M in plot (a), bulk velocity v in plot (b), dimensionless temperature \u0398 in plot (c), local sound speed a in plot (d), entropy accretion rate \u02d9 M in plot (e), accretion adiabatic index \u0393 in plot (f), general relativistic Bernoulli parameter E in plot (g), speci\ufb01c angular momentum \u03bb in plot (h) and bulk angular momentum L in plot (i) are shown in this \ufb01gure. Here, vertical jump shows the location of shock, which is rs = 51.19 and the two star marks in panel (a) indicate the X-type sonic points. The accretion disc parameters are E = 1.0001, L0 = 2.91, \u03b1 = 0.01 and \u03be = 1.0. to relativistic values (1.437 < \u0393 < 1.59), the constant of motion E is indeed a constant. The entropy also increases due to viscous dissipation. And the angular momentum is transported outwards. In Fig.(3), we have shown typical shocked accretion solution and variation of various \ufb02ow quantities with radial distance, for a di\ufb00erent value of E (= 1.0001) and L0 (= 2.91) while keeping the viscosity and the nature of the \ufb02uid similar to the previous \ufb01gure. Since E is a constant of motion in the viscous relativistic disc, and L0 is a constant of integration, so changing these two disc parameters is equivalent to changing the inner boundary condition of the accreting \ufb02ow. It is to be noted that, the solution in Fig. (2) is similar to a Bondi type solution (i.e. low angular momentum \ufb02ow through an outer critical point rco; see Bondi 1952). So accretion \ufb02ow is not decidedly monotonic or shocked, it depends on the boundary condition of the \ufb02ow. In Fig. (4), we obtain a parameter space of E and L0 for \u03b1 = 0.01 and \u03be = 1, and demarcate the regions which will give transonic solutions with single sonic points, multiple sonic points and shocked solutions. For all E, L0 values in the domain ABD\u2032, angular momentum is low and all possible solutions in this domain will possess a single outer-type sonic point similar to Bondi \ufb02ow (typical Mach number variation: panel a). The region BGFB c \u20dd0000 RAS, MNRAS 000, 000\u2013000 \fGeneral relativistic viscous accretion disc 21 Figure 4. Division of parameter space (E, L0) on the basis of number of critical points and corresponding solutions topologies [Mach number, M, versus radial distance, log(r) plots in panels a, b, c, d, e and f]. In this \ufb01gure viscosity parameter, \u03b1 = 0.01 and composition parameter, \u03be = 1.0. is with a bit more angular momentum and the inner sonic point (rci) appears, although the accreting matter still \ufb02ows through rco into the BH (typical solution: panel b). Since the entropy of rci is higher for these values of E and L0, so oscillating shock is a distinct possibility. Solutions in the domain GFHG admit steady-state shock in accretion solutions and thereby joining the solutions through outer and inner sonic points (typical solution: panel c). In the domain HFADEH, the angular momentum is much higher, multiple sonic points still exist, but the accreting matter prefers to \ufb02ow into the BH through rci because \u02d9 Mi > \u02d9 Mo (typical solution: panel d). For solutions from the region AEI, the angular momentum is so large that matter falls with very low in\ufb02ow velocity, and becomes transonic only close to the horizon, and therefore possess an inner-type sonic point only (typical solution: panel e). Solutions from the domain BDCB are bound through out and do not produce global transonic solutions (typical solution: panel f). The solid curves within panels (a) \u2014 (f) indicate physical solutions, which accreting matter actually follows. The dashed part of the solution indicates those which are viable solutions but matter do not choose. The dotted curves in the panels show also transonic solutions which have wind-type boundary conditions (low v close to horizon and high v at large distances). However, these so-called wind-type c \u20dd0000 RAS, MNRAS 000, 000\u2013000 \f22 Chattopadhyay & Kumar Figure 5. Variation of M with r for di\ufb00erent viscosity parameters marked in each panel. For all panels, E = 1.001, L0 = 2.85, and \u03be = 1.0. solutions should not be confused with proper wind or out\ufb02ow solutions, since these solutions are de\ufb01ned only on the equatorial plane. All possible accretion solutions can also be produced even if the viscosity is varied for a given value of E, L0 and \u03be. In Fig. (5a), we obtain a Bondi-type solution for a low-L0 and low-viscosity (\u03b1 = 0.001) solution. We know viscosity transports angular momentum outwards, but low \u03b1 means the angular momentum remains low at the outer edge too. Such low angular momentum does not produce a strong centrifugal barrier and therefore produces a shock-free Bondi-type solution with a single, outer-type sonic point. Keeping the same inner boundary condition, we increase the viscosity to \u03b1 = 0.01 and multiple sonic points appear in Fig. (5b). Higher viscosity for the same values of L0 implies higher angular momentum at larger distances. Gravity ensures a single sonic point; however, for higher angular momentum \ufb02ow, the e\ufb00ect of gravity is impeded by rotation at distances of few tens of rg, while gravity dominating at distances further away, and also very close to the horizon. This causes multiple sonic points to form. Increasing to \u03b1 = 0.015 and keeping the same inner boundary condition, steady accretion shock is obtained in Fig. (5c). Higher \u03b1 also ensures even higher \u03bb of the disc, thus enhancing the centrifugal barrier. This causes the supersonic matter to be slowed down and eventually forms a shock. For even higher viscosity \u03b1 = 0.02, the solution through the inner sonic point opens up as shown c \u20dd0000 RAS, MNRAS 000, 000\u2013000 \fGeneral relativistic viscous accretion disc 23 Figure 6. Parameter space of E and \u03b1 for given values of L0 = 3 (L) and L0 = 2.8 (R). In the inset panels, solutions, i.e.M versus r, are plotted, corresponding to the \ufb02ow parameters (E and \u03b1) from various regions marked as a-e. In both the plots ABCDA is the region for multiple critical points. in Fig. (5d). Increasing the viscosity even further, monotonic accretion solution is obtained (Figs. 5e, f). If the angular momentum increases beyond a certain limit, then the accreting matter becomes rotation dominated, and becomes supersonic only very close to the horizon. Therefore, accreting matter does not pass through outer sonic point (if present), and falls on to the BH through the inner sonic point. Hence, there exist two critical \u03b1 for such boundary conditions, where the lower value of it would initiate the shock and the higher one will remove it. Such dependence of the nature of accretion solution on viscosity parameter have been studied in the pNp regime before (Chakrabarti 1996; Chattopadhyay & Das 2007; Kumar & Chattopadhyay 2013, 2014), but not in the GR regime. In Fig. (6 L), we plot the parameter space of E and \u03b1 for L0 = 3 and various regions in the parameter space are marked as a\u2014d and the typical solutions are plotted in the inset marked by the same alphabets. In Fig.(6R), we plot E and \u03b1 for L0 = 2.8 and various regions are marked as a\u2014e, and the corresponding solutions are plotted in inset panels. Therefore, parameter space depicted in Figs. (6 L & R) is analogous to the parameter space depicted in Fig. (4), which pans all possible accretion solutions. It may be noted that the solutions for \u03b1 = 0 which harbour shocks also exhibit steady shocks up to moderate levels of \u03b1, but solutions which were Bondi type to start with for \u03b1 = 0, generate a shock transition above a critical value of \u03b1. For these kind of solutions, one can identify two critical viscosity c \u20dd0000 RAS, MNRAS 000, 000\u2013000 \f24 Chattopadhyay & Kumar Figure 7. Typical accretion-jet \ufb02ow geometry for accretion disc parameters E = 1.0001, L0 = 2.92, \u03b1 = 0.01 and \u03be = 1. Here solid (red) curve represents disc-half height. Dot-dashed (blue) line is jet stream-line for von Zeipel parameter Z\u03c6 = 13.28, and dotted (blue) line is the inner and outer boundary of jet \ufb02ow cross-section. The jet sonic point is located at rjc. Arrows represent direction of bulk motion and the solid thick quarter of a circle represents the event horizon. parameters, one denotes the onset of steady shock, and the other which marks the limit above which no steady shock is obtained. 4.2 Out\ufb02ow solutions It has been shown in many simulations that the PSD drives bipolar out\ufb02ows (Molteni et al. 1996a,b; Das et al. 2014), and in theoretical studies of simultaneous accretion-ejection model in the pNp regime, the \ufb02ow geometry of the bipolar out\ufb02ow or jet was considered within the two surfaces, one, centrifugal barrier surface (pressure maxima) and the other, funnel wall (minima of the e\ufb00ective potential), both described in the o\ufb00-equatorial region (Chattopadhyay & Das 2007; Kumar et al. 2013, 2014). The problem is that both these surfaces depend primarily on the angular momentum of the \ufb02ow, and therefore the out\ufb02ow geometry depends poorly on the base of the jet or other factors of the \ufb02ow, which should not be the case. In order to circumvent this as well as in GR, we were forced by correct physics to obtain the local out\ufb02ow cross-section by identifying the relevant VZS, which is not bound by the limitations of pNp regime. In Fig. (7), we present the \ufb02ow geometry of accretion disc, as well as bipolar jets which are actually solved self-consistently for accretion disc parameters E = 1.0001, L0 = 2.92, \u03b1 = 0.01, where the disc half-height is plotted as c \u20dd0000 RAS, MNRAS 000, 000\u2013000 \fGeneral relativistic viscous accretion disc 25 Figure 8. (a) Accretion Mach number M (solid) is plotted w.r .t r and jet Mach number Mj (dashed-dot) is plotted w. r. t zj; (b) variation jet 3-velocity vj; (c) jet Bernoulli parameter \u211cj; (d) jet dimensionless temperature \u0398j; (e) jet adiabatic index \u0393j and (f) jet entropy ( \u02d9 Mj) all are plotted w.r.t zj. Accretion disc parameters are E = 1.001, L0 = 2.906, \u03b1 = 0.01. The disc and jet \ufb02ow composition is described by \u03be = 1.0 and relative mass out\ufb02ow rate is R \u02d9 m = 0.053. solid curve, the jet streamline is represented by dot-dashed curve, while the dotted curve shows the jet \ufb02ow geometry. The arrows show the direction of the \ufb02ow. In Fig. (8a), we plot the combined accretion-jet solution, here the accretion Mach number M (solid) is plotted with respect to r, while the jet Mach number Mj is plotted w.r.t zj in the same panel. In Figs. (8b-f), we plot various jet variables, for e.g. the jet three-velocity vj (Fig. 8b), \u211cj (Fig. 8c), \u0398j (Fig. 8d), \u0393j (Fig. 8e), and \u02d9 Mj (Fig. 8f), for accretion disc parameters E = 1.001, L0 = 2.906 and \u03b1 = 0.01. The jet is followed up to zj = 104rg above the equatorial plane of the accretion disc. In Schwarzschild metric we do not \ufb01nd multiple sonic points in jets, and jets are transonic \ufb02ow also with only one sonic point. However, the jet achieves fairly high terminal speed (\u223c0.11c), inspite of being only thermally driven (i.e. vj increases as \u0398j decreases). The speci\ufb01c energy of the jet \u211cj and its entropy-accretion rate \u02d9 Mj are constants of motion since the jet is assumed to be adiabatic. We have shown in Figs. 2\u20144 that for given values of \u03b1, the nature of accretion solution depends on L0 and since accretion disc launches the jet, we would like to analyse how the jet depends on the inner boundary condition of the \ufb02ow. In Fig. (9a), we plot rsh as a function of L0; each curve is obtained for a given value of E = 1.00001 (solid, red), E = 1.0001 (dotted, blue) and 1.001 (dashed, black). The viscosity is given by \u03b1 = 0.01 and the disc-jet c \u20dd0000 RAS, MNRAS 000, 000\u2013000 \f26 Chattopadhyay & Kumar Figure 9. (a) Variation of shock location rsh with L0;(b) compression ratio R with rsh; (c) mass out\ufb02ow rate R \u02d9 m with rsh and (d) R \u02d9 m with R. Each curve is for E = 1.00001 (solid, red), 1.0001 (dotted, blue) and 1.001 (dashed, black). For all the cases, \u03be = 1.0 and \u03b1 = 0.01. is composed of electron-proton \ufb02uid. For a given value of L0, the rsh increases with increasing E if steady shock is allowed by the \ufb02ow, while for a given value of E, rsh increases with L0. The corresponding compression ratio R as a function of rsh is shown in Fig. (9b), while the relative mass out\ufb02ow rates R \u02d9 m (e.g. equation 49) are plotted with rsh in Fig. (9c). As the rsh increases, the compression ratio decreases (Fig. 9b) so the upward thrust becomes weaker. However, higher value of rsh also makes the surface area of PSD and therefore the base of the jet larger, so the net mass \ufb02owing out as jet should become more. These contradictory tendencies cause the mass out\ufb02ow rate to peak at some intermediate value of rsh, as well as that of R (Fig. 9d). In Figs. (10a-d), the converse dependence is studied where, rsh is plotted with E, where each curve represent L0 = 2.95 (solid, red), 2.94 (dotted, blue) and 2.93 (dashed, black). The composition of the \ufb02ow and the viscosity parameter is the same as in Fig. (9a-d). The shock location increases (Fig. 10a) with both L0 and E, as was observed in the previous \ufb01gure. As the shock increases, the compression ratio decreases (Fig. 10b). However, R \u02d9 m do not monotonically increase with decreasing rs, for the same reason as was discussed in the previous \ufb01gure. Interestingly, lower L0 produces lower values of rsh, but since these shocks are mainly rotation mediated, so lower L0 implies weaker shock, and therefore the compression ratio R (\u2261the amount of squeezing on the post-shock \ufb02ow) is weak too. Therefore, although c \u20dd0000 RAS, MNRAS 000, 000\u2013000 \fGeneral relativistic viscous accretion disc 27 Figure 10. (a) Variation of rsh with E, (b) R with rsh, (c) R \u02d9 m with rsh and (d) R \u02d9 m with R. Each curve is plotted for L0 = 2.95 (solid, red), 2.94 (dotted, blue) and 2.93 (dashed, black). For all the curves, \u03be = 1.0 and \u03b1 = 0.01. the shock is located closer to the BH for lower L0, the R \u02d9 m is less even for the same values of rsh. 4.2.1 E\ufb00ect of viscosity, \u03b1 In Fig. (11a), we plot how rsh would behave with the change in \u03b1, for \ufb01xed inner boundary condition or for the same values of E and L0. We plot the corresponding R as a function of rsh (Fig. 11b) and R \u02d9 m with rsh (Fig. 11c). Each curve is for constant E = 1.0001 (solid, red), E = 1.00055 (dotted, blue) and E = 1.001 (dashed, black), where for all curves \u03be = 1.0, L0 = 2.94. And in Fig. (11d), we plot R (solid, red), \u03a3 (long dashed, magenta), \u039e (dotted, blue) and RA (dashed, black) for E = 1.0001 (solid, red curve of Fig. 11a\u2014c). Since E is a constant of motion for the accretion disc, and L0 is the bulk angular momentum on the BH horizon, so \ufb01xed values of E and L0 correspond to \ufb01xed inner boundary condition. For same L0 and E, as one increases \u03b1, then the angular momentum at the outer edge of the disc would be higher. This implies that in the PSD too, the angular momentum L or speci\ufb01c angular momentum \u03bb will be higher. Thus the shock location would increase with \u03b1. For a given E, the compression ratio decreases with increasing rsh. Since the accretion shock is rotation dominated, therefore, the rsh will increase for hotter \ufb02ow (\u2261higher E), but the compression ratio will decrease. Thus, for a given value of \u03b1, R \u02d9 m will be less for higher c \u20dd0000 RAS, MNRAS 000, 000\u2013000 \f28 Chattopadhyay & Kumar Figure 11. Variation of rsh with \u03b1 (a), R with rsh (b), R \u02d9 m with rsh (c). Each curve is for E = 1.0001 (solid, red), E = 1.00055 (dotted, blue) and E = 1.001 (dashed, black). In panel (d), we plot R (solid, red), \u03a3 (long dashed, magenta), \u039e (dotted, blue) RA (dashed, black) for E = 1.0001 (solid, red curve of panels a\u2014c). For all curves \u03be = 1.0, L0 = 2.94. Dependence of rsh on \u03b1, for \ufb01xed inner boundary condition. values of E. Fig. (11c) shows that the R \u02d9 m is low for high and low values of rsh and maximizes at some intermediate value. In Fig. (11d), we \ufb01nd out why the mass out\ufb02ow rate or R \u02d9 m has a non-uniform dependence on rsh. From equation (52), we know that R \u02d9 m increases with increasing RA, R and \u039e, but decreases with increasing \u03a3. So as the rsh increases (Fig. 11a), Fig. (11d) shows that R and \u039e decrease, which implies that the post-shock thrust which is responsible for driving the jet decreases which should decrease R \u02d9 m. However, RA, or the ratio between jet cross-sectional area and the PSD surface area, increases; therefore, this should increase R \u02d9 m. These two contradictory tendencies, make R \u02d9 m attain low values when the rsh is very close to horizon and when it is far away, but maximize for some intermediate values. Let us compare the \ufb02ow variables of accreting matter which starts with the same outer boundary condition. We plot and compare the three velocity v (Fig. 12a), sound speed a (Fig. 12b) and the bulk angular momentum L (Fig. 12c) of accretion \ufb02ows starting with the same outer boundary condition E = 1.0001 and \u03bbout = \u03bbK = 140.85 at the outer edge of the accretion disc rout = 19835.3. Each curve represents the solution for \u03b1 = 0.01 (solid, red), \u03b1 = 0.0105 (dotted, blue) and \u03b1 = 0.011 (dashed, black), and the net relative mass out\ufb02ow computed were R \u02d9 m = 0.047 (solid, red), R \u02d9 m = 0.059 (dotted, blue) and R \u02d9 m = 0.054 c \u20dd0000 RAS, MNRAS 000, 000\u2013000 \fGeneral relativistic viscous accretion disc 29 Figure 12. Three-velocity v (a), local sound speed a (b) and bulk angular momentum L (c) of the accretion disc plotted with r. Each curve is for \u03b1 = 0.01 (solid, red), \u03b1 = 0.0105 (dotted, blue) and \u03b1 = 0.011 (dashed, black). For all the curves, the outer boundary is at rout = 19835.3rg, the corresponding speci\ufb01c angular-momentum is the Keplerian angular momentum at rout, i.e.\u03bbout = \u03bbK = 140.85 and the constant of motion for all the curves is E = 1.0001. Inset in panel (c) zooms on the L distribution around the location of the shock. (dashed, black). As \u03b1 is increased, the net angular momentum of the inner disc decreases, and since the shock is rotation driven, lower angular momentum causes rsh to decrease (see the inset of Fig. 12c). Although it is interesting to show how \u03b1 will a\ufb00ect rsh, for the same inner boundary condition of the disc. But the physics of accretion disc is controlled by outer boundary condition, so it will be more physical to study how the disc solution, as well as, the ensuing jet solutions depend on \u03b1 when the outer boundary condition of the accretion disc is kept the same. In Fig. (13a), rsh is plotted with \u03b1 for E = 1.0001. The outer boundary of the disc is rout = 16809.016 for all solutions for which the curve is plotted. The speci\ufb01c angular momentum at rout is the local Keplerian value \u03bbout = \u03bbK = 129.662. Since E is a constant of motion for all the solutions presented, and \u03bbout is also same for all the disc solutions, so comparing solutions for same E and \u03bbout is equivalent to comparing solutions starting with the same outer boundary. Viscosity transports angular momentum outwards; therefore, for a given value of E, the shock moves closer to the BH as viscosity is increased. So rsh decreases with increasing \u03b1. The corresponding dependence of R (solid, red), \u039e (dotted, blue), \u03a3 (long dashed, magenta) and RA (dashed, black) with \u03b1 has been plotted in Fig. 13b. The shock becomes stronger as it moves towards the horizon therefore R increases, but the enhanced c \u20dd0000 RAS, MNRAS 000, 000\u2013000 \f30 Chattopadhyay & Kumar Figure 13. (a) Variation of rsh with \u03b1, (b) R (solid, red), \u039e (dotted, blue), \u03a3 (long dashed, magenta) and RA (dashed, black) with \u03b1, (c) R \u02d9 m with \u03b1 and (d) vj\u221ewith \u03b1. The outer boundary is at rout = 16809.016, and corresponding speci\ufb01c angular momentum is the Keplerian angular momentum at rout, i.e. \u03bbout = \u03bbK = 129.662. For all the curves, E = 1.0001, \u03be = 1.0. Dependence of rsh on \u03b1 for \ufb01xed outer boundary. compression also squeezes more matter along the jet channel so \u039e increases too. However, \u03a3 increases and RA decreases which should decrease the R \u02d9 m. Such antagonistic tendencies make the R \u02d9 m to peak at some intermediate \u03b1, as is depicted in Fig. (13c). In Fig. 13d, the jet terminal speed vj\u221ewith \u03b1 is plotted. Since R increases, so the upward thrust also increases, making jets stronger, even if R \u02d9 m decrease. It means we can have stronger but lighter jets. 4.2.2 E\ufb00ect of composition, \u03be In all the previous \ufb01gures, we dealt with \ufb02uid composed of only electrons and protons. Chattopadhyay & Ryu (2009) showed that if the proton proportion is reduced (where the charge balance is maintained by proportionate increase of positrons), the \ufb02ow becomes thermally more relativistic because the decrease in thermal energy is compensated by decrease in inertia of the \ufb02ow. Fig. (14a) shows that rsh increases with \u03be, where each curve is for E = 1.0001 (solid, red), 1.00055 (dotted, blue) and 1.001 (dashed, black), and L0 = 3.0 and \u03b1 = 0.01. Higher rsh implies lower R (Fig. 14b); as a result, R \u02d9 m decrease with increasing rsh, although, due to the related increase in the jet base and other factors [dealt with related to Figs. 11(a)-(d)], R \u02d9 m peaks at some intermediate value (Fig. 14c). In Fig. (14d), the terminal speed of the jet vj\u221ewith rsh is plotted. As the shock recedes, the speed of the jet decreases, c \u20dd0000 RAS, MNRAS 000, 000\u2013000 \fGeneral relativistic viscous accretion disc 31 Figure 14. Dependence of rsh on composition parameter \u03be (a), R with \u03be (b), R \u02d9 m on rsh (c) and vj\u221ewith rsh (d). Each plot corresponds to E = 1.0001 (solid, red), 1.00055 (dotted, blue) and 1.001 (dashed, black). For all the curves L0 = 3.0, \u03b1 = 0.01. even where R \u02d9 m is increasing. But if the accretion disc \ufb02ow is more energetic, the jet terminal speed is higher, although R \u02d9 m is lower. In Figs. 15(a) and b), we plot the shock parameter space in the E \u2212L0 space for various combinations of viscosity and composition parameters like \u03be, \u03b1 = 1.0, 0.01 (solid), 1.0, 0.02 (dotted), 0.27, 0.01 (dashed) and 0.27, 0.02 (long dashed) in Fig. 15(a) and for (\u03be, \u03b1) = 0.25, 0.01 (solid), 0.25, 0.02 (dotted) and 0.0625, 0.01 (dashed) in Fig. 15(b). The shaded region indicates the steady shock region of the parameter space when mass-loss is considered. Similar to the inviscid study (Chattopadhyay & Chakrabarti 2011), the shock parameter space moves to the higher energy direction of the parameter space till \u03be is reduced from 1 to 0.27. As \u03be is reduced further, the shock parameter space moves towards the low-energy side. The reduction of steady shock parameter space due to mass-loss actually indicates that shock in accretion actually exists in a wide range, but only as a time-dependent one. 5 DISCUSSIONS AND"
+ },
+ {
+ "url": "http://arxiv.org/abs/1204.1133v1",
+ "title": "Simulation of radiation driven wind from disc galaxies",
+ "abstract": "We present 2-D hydrodynamic simulation of rotating galactic winds driven by\nradiation. We study the structure and dynamics of the cool and/or warm\ncomponent($T \\simeq 10^4$ K) which is mixed with dust. We have taken into\naccount the total gravity of a galactic system that consists of a disc, a bulge\nand a dark matter halo. We find that the combined effect of gravity and\nradiation pressure from a realistic disc drives the gas away to a distance of\n$\\sim 5$ kpc in $\\sim 37$ Myr for typical galactic parameters. The outflow\nspeed increases rapidly with the disc Eddington parameter $\\Gamma_0(=\\kappa\nI/(2 c G \\Sigma)$) for $\\Gamma_0 \\ge 1.5$. We find that the rotation speed of\nthe outflowing gas is $\\lesssim 100$ km s$^{-1}$. The wind is confined in a\ncone which mostly consist of low angular momentum gas lifted from the central\nregion.",
+ "authors": "Indranil Chattopadhyay, Mahavir Sharma, Biman B. Nath, Dongsu Ryu",
+ "published": "2012-04-05",
+ "updated": "2012-04-05",
+ "primary_cat": "astro-ph.GA",
+ "cats": [
+ "astro-ph.GA",
+ "astro-ph.CO"
+ ],
+ "main_content": "INTRODUCTION Many galaxies are observed to have moving extraplanar gas, generally termed as galactic superwinds (see Veilleux et al. 2005 for a recent review). Initial observations showed the H\u03b1 emitting gas above the plane of M82 (e.g. Lynds & Sandage 1963). The advent of X-ray astronomy established yet another phase of galactic out\ufb02ows, namely the hot plasma, emitting X-rays in the temperature range 0.3\u20132 keV (Strickland et al. 2004). Also recent observations have revealed the existence of molecular gas in these out\ufb02ows (Veilleux et al. 2009, walter et al. 2002). Earlier observations were limited to local dwarf starburst galaxies that showed these winds. However, in recent years, the observations of out\ufb02ows in Ultra Luminous Infra-red Galaxies (ULIGs) have extended the range of galaxies in which out\ufb02ows are found (Martin 2005, Rupke et al. 2005, Rupke et al. 2002). On the theoretical side, there have been speculations on winds from starburst galaxies (Burke 1968, Mathews & Baker 1971, Johnson & Axford 1971). In these models the large scale winds are a consequence of energy injection by multiple supernovae (Larson 1974, Chevalier & Clegg 1985, Dekel & Silk 1986, Heckman 2002). In the context of the multiphase structure of the out\ufb02ows, the results of these theoretical models are more relevant for the X-ray emitting hot wind. On the other hand, observations of the cold out\u22c6indra@aries.res.in \u2020 mahavir@rri.res.in \u2021 biman@rri.res.in \ufb02ows are better explaind by the radiation driving (Murray et al. 2005, Martin 2005). If only Thompson scattering is considered, then radiation from galaxies does not seem to be a reasonable wind driving candidate because opacities would be small; however one should consider that these winds are heavily enriched. Murray et al. 2005 proposed a wind driving mechanism based on the scattering of dust-grains by the photons from the galaxy (see also Chiao & Wickramasinghe 1972; Davies et al. 1998). This mechanism can be quite e\ufb00ective since the opacities in dust-photon scattering can be of the order of hundred cm2g\u22121 and gas in turn, being coupled with the dust, is driven out of the galaxy if the galaxy posseses a certain critical luminosity. Bianchi & Ferrara (2005) argued that dust grains ejected from galaxies by radiation pressure can enrich the intergalactic medium. Nath & Silk (2009) then described a model of out\ufb02ows with radiation and thermal pressure, in the context of out\ufb02ows from Lyman break galaxies observed by Shapely et al. (2005). Murray et al. (2010) have also described a similar model in which radiation pressure is important for the \ufb01rst few million years of the starburst phase, after which SN heated hot gas pushes the out\ufb02owing material. Sharma & Nath (2011) have also shown that radiation pressure is important for out\ufb02ows from high mass galaxies with a large SFR (with vc \u2a7e200 km s\u22121, SFR \u2a7e100 M\u2299yr\u22121), particularly in ULIGs. In this paper, we study the e\ufb00ect of radiation pressure in driving cold and/or warm gas out\ufb02ows from disc galaxies with numerical simulations. Recently, Sharma et al. (2011) calculated the terminal speed of such a \ufb02ow along the pole of \f2 I. Chattopadhyay, M. Sharma, B. B. Nath and D. Ryu a disc galaxy, taking into account the gravity of disc, stellar bulge and dark matter halo. They determined the minimum luminosity (or, equivalently, the maximum mass-to-light ratio of the disc) to drive a wind, and also showed that the terminal speed lies in the range of 2\u20134 Vc (where Vc is the rotation speed of the disc galaxy), consistent with observations (Rupke et al. 2005, Martin 2005), and the ansatz used by numerical simulations in order to explain the metal enrichment of the IGM (Oppenheimer et al. 2006). We investigate further the physical processes for a radiation driven wind. Rotation is yet another aspect of the winds that we address in our simulation. As the wind material is lifted from a rotating disc, it should be rotating inherently which is seen in observations as well (Greve 2004, Westmoquette et al. 2009, Sofue et al. 1992, Seaquist & Clark 2001, Walter et al. 2002). Previous simulations of galactic out\ufb02ows have considered the driving force of a hot ISM energized by the e\ufb00ects of supernovae (Kohji & Ikeuchi 1988; Tomisaka & Bregman 1993; Mac Low & Ferrara 1999; Suchkov et al. 1994, 1996 ; Strickland & Stevens 2000; Fragile et al. 2004; Cooper et al. 2008, Fujita et al. 2009). However the detailed physics of a radiatively driven galactic out\ufb02ow is yet to be studied with a simulation. In this work, we study the dynamics of an irradiated gas above an axisymmetric disc galaxy by using hydrodynamical simulation. Recently Hopkins et al. (2011) have explored the relative roles of radiation and supernovae heating in galactic out\ufb02ows, and studied the feedback on the star formation history of the galaxy. Our goal here is di\ufb00erent in the sense that we focus on the structure and dynamics, particularly the e\ufb00ect of rotation, of the wind. In order to disentangle the e\ufb00ects of various processes involved, we intentionally keep the physical model simple. For example, we begin with a constant density and surface brightness disk, then study the e\ufb00ect of a radial density and radiation pro\ufb01le, and \ufb01nally introduce rotation of the disk, in order to understand the e\ufb00ect of each detail separately, instead of performing one single simulation with many details put together. 2 GRAVITATIONAL AND RADIATION FIELDS The main driving force is radiation force and the containing force is due to gravity. We take the system to be composed of three components disc, bulge & dark matter halo. We describe the forces due to these three constituents below. We take a thin galactic disc and a spherical bulge. All these forces are given in cylindrical coordinates because we solve the \ufb02uid equations in cylindrical geometry. 2.1 Gravitational \ufb01eld from the disc Consider a thin axisymmetric disc in r\u03c6 plane with surface mass density \u03a3(r). As derived in the Appendix, the vertical and radial components of gravity due to the disc material at a point Q above the disc with coordinates (r, 0, z), are given by fdisc,z = Z \u03c6\u2032 Z r\u2032 d\u03c6\u2032 dr\u2032 zG\u03a3(r\u2032) r\u2032 [r2 + z2 + r\u20322 \u22122rr\u2032cos\u03c6\u2032]3/2 0.0 0.2 0.4 0.6 0.8 1.0 r (10 kpc) 0.2 0.4 0.6 0.8 1.0 z (10 kpc) 0.2 0.4 0.6 0.8 1.0 r (10 kpc) (a) (b) Figure 1. Magnitude of gravitational force of the (a) uniform disc (UD) (b) exponential disc (ED) in colours with direction in arrows. Values are in the units of G\u03a30(= 4.5 \u00d7 10\u22129) dyne. fdisc,r = Z \u03c6\u2032 Z r\u2032 d\u03c6\u2032 dr\u2032 (r \u2212r\u2032cos\u03c6\u2032) G\u03a3(r\u2032) r\u2032 [r2 + z2 + r\u20322 \u22122rr\u2032cos\u03c6\u2032]3/2 (1) The azimuthal coordinate of Q is taken to be zero, because of axisymmetry. The integration limit for \u03c6\u2032 = 0 to 2\u03c0. We consider two types of disc in our simulations, one with uniform surface mass density and radius rd (UD), and another with an exponential distribution of surface mass density (ED) with a scale radius rs. The surface mass density of uniform surface density disc (i. e.,UD) is \u03a3 = \u03a30 = constant (2) and in the case of a disc with exponentially falling density distribution (ED) \u03a3 = \u02dc \u03a30exp(\u2212r\u2032/rs), rs \u2261scale length . (3) In case of UD (eqn 2), the integration limit would be r\u2032 = 0 to rd, while for ED (eqn 3), the limits of the integration run from r\u2032 = 0 to \u221e. Numerically this means, we integrate up to a large number, increasing which will not change the gravitational \ufb01eld by any signi\ufb01cant amount. We have chosen the \u03a3s in such a way that the total disc mass remains same for the UD or ED. Therefore, \u02dc \u03a30 = \u03a30 2 \u0012rd rs \u00132 . (4) In Figure 1, we plot the contours of gravitational \ufb01eld strength and its direction vectors due to a UD (left panel), and that for the ED (right panel). Interestingly, discs with same mass but di\ufb00erent surface density distributions, produces di\ufb00erent gravitational \ufb01elds. For the UD the gravitational \ufb01eld is not spherical and the gravitational acceleration is maximum at the edge of the disc. On the other hand, the \ufb01eld due to ED is closer to spherical con\ufb01guration with the maximum being closer to the centre of the disc and falling o\ufb00outwards. 2.2 Bulge and the dark matter halo We consider a bulge with a spherical mass distribution and constant density, with mass Mb and radius rb. The radiation force due to the bulge is negligible as it mostly hosts the old stars. The gravitational force of the bulge is given by \fSimulation of radiation driven wind from disc galaxies 3 fbulge,r = \uf8f1 \uf8f4 \uf8f2 \uf8f4 \uf8f3 \u2212GMbr r3 b if R < rb \u2212GMbr R3 otherwise (5) fbulge,z = \uf8f1 \uf8f4 \uf8f2 \uf8f4 \uf8f3 \u2212GMbz r3 b , if R < rb \u2212GMbz R3 , otherwise (6) where R = \u221a r2 + z2. We consider a NFW halo with a scaling with disc mass as given by Mo, Mao and White (1998; hereafter referred to as MMW98) where the total halo mass is \u223c20 times the total disc mass. The mass of an NFW halo has the following functional dependence on R M(R) = 4\u03c0\u03c1crit\u03b40R3 s \u0014 ln (1 + cx) \u2212 cx 1 + cx \u0015 (7) where x = R R200 , c = R200 Rs , \u03b40 = 200 3 c3 ln(1+c)\u2212c/(1+c). Here \u03c1crit is the critical density of the universe at present epoch, Rs is scale radius of NFW halo and R200 is the limiting radius of virialized halo within which the average density is 200\u03c1crit. This mass distribution corresponds to the following potential, \u03a6NF W = \u22124\u03c0\u03c1crit\u03b40R3 s \u0014 ln (1 + R/Rs)/R \u0015 (8) The gravitational force due to the dark matter halo is therefore given by, fhalo,r = \u2212\u2202\u03a6NF W \u2202r = \u2212r GM(R) (r2 + z2)3/2 ; fhalo,z = \u2212\u2202\u03a6NF W \u2202z = \u2212z GM(R) (r2 + z2)3/2 . (9) The net gravitational acceleration is therefore given by Fgrav,r = fdisc,r + fbulge,r + fhalo,r = G\u03a30fg,r(r, z) (10) Fgrav,z = fdisc,z + fbulge,z + fhalo,z = G\u03a30fg,z(r, z) . The gravitational \ufb01eld for both bulge and halo is spherical in nature, although, that due to the bulge maximises at rb. However, the net gravitational \ufb01eld will depend on the relative strength of the three components. In Figure 2 (left panel), we plot the contours of total gravitational \ufb01eld strength due to the bulge, the halo and an UD. The nonspherical nature of the gravitational \ufb01eld is evident. A more interesting feature appears due to the bulge gravity. The net gravitational intensity maximizes in a spherical shell of radius rb(= 0.2Lref; see section \u00a73.1). Therefore, there is a possibility of piling up of out\ufb02owing matter at around a height z \u223crb near the axis. In the right panel of Figure (2), we present the contours of net gravitational \ufb01eld due to an embedded exponential disc within a halo and a bulge. 2.3 Radiation from disc and the Eddington factor We treat the force due to radiation pressure as it interacts with charged dust particles that are assumed to be strongly coupled to gas by Coulomb interactions and which drags the gas with it. The strength of the interaction is parameterized by the dust opacity \u03ba which has the units cm2 gm\u22121. Gravitational pull on the \ufb01eld point Q(R, Z) due to the disc point P(r\u2032, \u03c6\u2032, 0) is along the direction \u2212 \u2212 \u2192 QP (see 0.0 0.2 0.4 0.6 0.8 1.0 r (10 kpc) 0.2 0.4 0.6 0.8 1.0 z (10 kpc) 0.2 0.4 0.6 0.8 1.0 r (10 kpc) (a) (b) Figure 2. Total gravitational force of the (a) uniform disc (b) exponential disc in colors with direction in arrows. The values are in the same units as in Figure 1. appendix). The di\ufb00erence in computing the radiation force arises due to the fact that one needs to account for the projection of the intensity at Q (for radiation force from more complicated disc, see Chattopadhyay 2005). For a disc with surface brightness I(r), we can \ufb01nd the radiation force by replacing G\u03a3(r\u2032) in eqn 1 by I(r\u2032)\u03ba/c, and take into account the projection factor z/ p r2 + z2 + r\u20322 \u22122rr\u2032 cos \u03c6\u2032. Similar to the disc gravity, the net radiation force \u2212 \u2192 F rad at any point will have the radial component (Frad,r) and the axial component (Frad,z) and are given by, Frad,r(r, z) = \u03baz c Z Z d\u03c6\u2032dr\u2032I(r\u2032)(r \u2212r\u2032cos\u03c6\u2032) r\u2032 [r2 + z2 + r\u20322 \u22122rr\u2032cos\u03c6\u2032]2 (11) = \u03baI0 c fr,r(r, z) Frad,z(r, z) = \u03baz2 c Z Z d\u03c6\u2032dr\u2032I(r\u2032)r\u2032 [r2 + z2 + r\u20322 \u22122rr\u2032cos\u03c6\u2032]2 (12) = \u03baI0 c fr,z(r, z) Since we have two models for disc gravity, we also consider two forms of disc surface brightness. I = I0 = constant, for UD (13) and I = \u02dc I0exp(\u2212r\u2032/rs) , for ED (14) If the two disc types are to be compared for identical luminosity, then one \ufb01nds \u02dc I0 = I0 2 \u0012rd rs \u00132 . (15) The disc Eddington factor is de\ufb01ned as the ratio of the radiation force and the gravitational force (MQT05). In spherical geometry this factor is generally constant at each point because both gravity and radiation has an inverse square dependence on distance. Although in the case of a disc, the two forces have di\ufb00erent behaviour, we can still de\ufb01ne an Eddington parameter as \u0393 = Frad Fgrav . In this case this parameter depends on the coordinates r, \u03c6, z of the position under consideration. We can however de\ufb01ne a parameter whose value is the Eddington factor at the centre of the disc, i.e., \u03930 = \u03baI 2cG\u03a3. (16) \f4 I. Chattopadhyay, M. Sharma, B. B. Nath and D. Ryu 0.0 0.2 0.4 0.6 0.8 1.0 r (10 kpc) 0.2 0.4 0.6 0.8 1.0 z (10 kpc) 0.2 0.4 0.6 0.8 1.0 r (10 kpc) (a) (b) Figure 3. Magnitude of force due to radiation from the (a) uniform disc, (b) exponential disc for \u03930 = 0.5, with arrows for direction. If \u03930 = 1, then the radiation and gravity of the disc will cancel each other at the centre of the disc. We will parameterize our results in terms of \u03930. Therefore, the components of the net external force due to gravity and radiation is given by Rr = Fgrav,r \u2212Frad,r = G\u03a30 (fg,r \u22122\u03930fr,r) (17) Rz = Fgrav,z \u2212Frad,z = G\u03a30 (fg,z \u22122\u03930fr,z) In Figure 3, we plot the contours of radiative acceleration from an UD, and the same from an ED. There is a signi\ufb01cant di\ufb00erence between the radiation \ufb01eld above an ED and that above an UD. While the radiation \ufb01eld from an UD is largely vertical for small radii, but starts to diverge at the disc edge, at r \u223crd. One can therefore expect that for high enough I, the wind trajectory will diverge. In case of ED, the radiation \ufb01eld above the inner portion of the disc is strong and decreases rapidly towards the outer disc. 3 NUMERICAL METHOD The hydrodynamic equations have been solved in this paper by using the TVD (i. e.,Total Variation Diminishing) code, which has been quite exhaustively used in cosmological and accretion disc simulations (see, Ryu et al. 1993, Kang et al. 1994, Ryu et al. 1995, Molteni et al. 1996) and is based on a scheme originally developed by Harten (1983). We have solved the equations in cylindrical geometry in view of the axial symmetry of the problem. This code is based on an explicit, second order accurate scheme, and is obtained by \ufb01rst modifying the \ufb02ux function and then applying a nonoscillatory \ufb01rst order accurate scheme to obtain a resulting second order accuracy (see, Harten 1983 and Ryu et al. 1993 for details). The equations of motion which are being solved numerically in the non-dimensional form is given by \u2202q \u2202t + 1 r \u2202(rF1) \u2202r + \u2202F2 \u2202r + \u2202G \u2202z = S (18) where, the state vector is q = \uf8eb \uf8ec \uf8ec \uf8ec \uf8ed \u03c1 \u03c1 vr \u03c1 v\u03c6 \u03c1 vz E \uf8f6 \uf8f7 \uf8f7 \uf8f7 \uf8f8, (19) and the \ufb02uxes are F1 = \uf8eb \uf8ec \uf8ec \uf8ec \uf8ed \u03c1 vr \u03c1 v2 r \u03c1vrv\u03c6 \u03c1vzvr (E + p)vr \uf8f6 \uf8f7 \uf8f7 \uf8f7 \uf8f8, F2 = \uf8eb \uf8ec \uf8ec \uf8ec \uf8ed 0 p 0 0 0 \uf8f6 \uf8f7 \uf8f7 \uf8f7 \uf8f8, G = \uf8eb \uf8ec \uf8ec \uf8ec \uf8ed \u03c1vz \u03c1vrvz \u03c1v\u03c6vz \u03c1v2 z + p (E + p)vz \uf8f6 \uf8f7 \uf8f7 \uf8f7 \uf8f8(20) and the source function is given by S = \uf8ee \uf8ef \uf8ef \uf8ef \uf8ef \uf8f0 0 \u03c1v2 \u03c6 r \u2212\u03c1Rr \u2212 \u03c1vrv\u03c6 r \u2212\u03c1Rz \u2212\u03c1[vrRr + vzRz) \uf8f9 \uf8fa \uf8fa \uf8fa \uf8fa \uf8fb (21) 3.1 Initial and boundary conditions We do not include the disc in our simulations and only consider the e\ufb00ect of disc radiation and total gravity on the gas being injected from the disc. We choose the disc mass to be Md = 1011 M\u2299and assume it to be the unit of mass (i. e.,Mref). The unit of length (i. e.,Lref) and velocity (i. e.,vref) are rd = 10 kpc and vc = 200 km s\u22121, respectively. Therefore, the unit of time is tref = 48.8Myr. We introduce a normalization parameter \u03be such that GMd/v2 c = \u03berd, which turns out to be \u03be = 1.08. Hence the unit of density is \u03c1ref = 6.77\u00d710\u221224g cm\u22123 (\u223c4mp cm\u22123). All the \ufb02ow variables have been made non-dimensional by the choice of unit system mentioned above. It is important to choose an appropriate initial condition to study the relevant physical phenomenon. We note that previous simulations of galactic out\ufb02ows have considered a variety of gravitational potential and initial ISM con\ufb01gurations. For example, Cooper et al. (2008) considered the potential of a spherical stellar bulge and an analytical expression for disc potential, but no dark matter halo, and an ISM that is strati\ufb01ed in z-direction with an e\ufb00ective sound speed that is \u223c5 times the normal gas sound speed. Suchkov et al. (1994) considered the potential of a spherical bulge and a dark matter halo and an initial ISM that is spherically strati\ufb01ed. Fragile et al. (2004) considered a spherical halo and a z-strati\ufb01ed ISM. However, in a recent simulation of out\ufb02ows driven by supernovae from disc galaxies, Dubois & Teyssier (2008) found that the out\ufb02owing gas has to contend with infalling material from halo, which inhibits the out\ufb02ow for a few Gyr. Fujita et al. (2004) also studied out\ufb02ows from pre-formed disc galaxies in the presence of a cosmological infall of matter. We choose a z-strati\ufb01ed gas to \ufb01ll the simulation box, with a scale height of 100 pc. For the M2 and M3 case (of exponential disc), we also assume a radial pro\ufb01le for the initial gas, with a scale length of 5 kpc. For the M3 case, we further assume this gas to rotate with v\u03c6 decreasing with a scale height of 5 kpc. These values are consistent with the observations of Dickey & Lockman (1990) and Savage et al. (1997) for the warm neutral gas (T \u223c104 K) in Milky Way. We note that although the scale height for the warm neutral gas in our Galaxy is \u223c400 pc at the solar vicinity, this is expected to be smaller in the central region because of strong gravity due to bulge. The density of the gas just above the disc is assumed to be 0.1 particles /cc (0.025 in simulation units). Furthermore, the adiabatic index of the gas is 5/3 and \fSimulation of radiation driven wind from disc galaxies 5 0 0.2 0.4 0.6 0.8 1 0 0.5 1 1.5 2 r (10 kpc) v\u03c6 Total Halo Bulge Disc Used in this work Figure 4. Rotation curves corresponding to the gravitational \ufb01elds of an exponential disc, bulge and halo are shown here in the units of vref [= 200 km s\u22121], along with the total rotation curve. The approximation used in our simulation is shown by thick red line. the gas is assumed initially to be at the same temperature corresponding to an initial sound speed cs(ini) = 0.1vref, a value which is consistent with the values in our Galaxy for the warm ionized gas with sound speed \u223c18 km s\u22121. Our computation domain is rd \u00d7 rd in the r \u2212z plane, with a resolution 512 \u00d7 512 cells. The size of individual computational cell is \u223c20 pc. We have imposed re\ufb02ective boundary condition around the axis and zero rotational velocity on the axis. Continuous boundary conditions are imposed at r = rd and z = rd. The lower boundary is slightly above the galactic disc with an o\ufb00set z0 = 0.01. We impose \ufb01xed boundary condition at lower z boundary. The velocity of the injected matter is vz(r, z0) = v0 = 10\u22125vref, and its density is given by, \u03c1(r, z0) = \u03c1z0, for UD (22) = \u03c1z0exp \u0012 \u2212r rs \u0013 , for ED . The density of the injected matter at the base \u03c1z0 = 0.025 (corresponding to 0.1 protons per cc). For the case of exponential disc with rotation (M3), we assume for the injected matter to have an angular momentum corresponding to an equilibrium rotation pro\ufb01le. We show in Figure 4 the rotation curves at z = 0 for all components (disc, bulge and halo) separately and the total rotation curve. We use the following approximation (shown by thick red line in Figure 4) which matches the total rotation curve, v\u03c6(r, z0) = 1.6 vc [1 \u2212exp(\u2212r/0.15rd)] . (23) We assume a bulge of mass Mb = 0.1Mref and radius rb = 0.2Lref. The scale radius for NFW halo (Rs) is determined for a halo mass Mh = 20Md, as prescribed by MMW98. The corresponding disc scale radius is found to be rs \u223c5.8 kpc, again using MMW98 prescriptions. Therefore we set the disc scale length for the ED case to be rs \u223c0.58Lref . The above initial conditions have been chosen to satisfy Table 1. Models. Model name \u03930 v\u03c6 Disc type M1 2.0 0.0 UD M2 2.0 0.0 ED M3 2.0 1.0 ED the following requirements in order to sustain a radiatively driven wind as simulated here. (i) The strong coupling between dust grains and gas particles require that there are of order \u223cmd/mp number of collisions between protons and dust grains of mass md \u223c10\u221214 g, for size a \u223c0.1 \u00b5m with density \u223c3g cm\u22123. To ensure suf\ufb01cient number of collisions, the number density of gas particles should be n \u2a7emd mp 1 \u03c0a2 1 Lref \u223c10\u22123 cm\u22123, for Lref = 10 kpc. (ii) The time scale for radiative cooling of the gas, assumed to be at T \u223c104 K, is tcool \u223c1.5kT n\u039b , where \u039b \u223c10\u221223 erg cm3 s\u22121 (Sutherland & Dopita 1993; Table 6) for solar metallicity. The typical density \ufb01lling up the wind cone in the realistic case (M3) is \u223c10\u22123\u201310\u22124 cm\u22123, which gives tcool \u223c8\u201380 Myr and the dynamical time scale of the wind is tref \u223c50 Myr. Hence radiative cooling is marginally important and we will address the issue of radiative cooling in a future paper. (iii) Radiative transfer e\ufb00ects are negligible since the total opacity along a vertical column of length Lref is \u03ba(nmp)Lref \u223c0.003, for n \u223c10\u22123 cm\u22123 and \u03ba \u223c100 cm2 g\u22121. (iv) The mediation of the radiation force by dust grains also implies that the gas cannot be too hot for the dust grains to be sputtered. The sputtering radius of grains embedded in even in a hot gas of temperature T\u223c105 K is \u223c0.05(n/0.1 /cc) \u00b5m in a time scale of 100 Myr (Tielens et al. 1994), and this e\ufb00ect is not important for the temperature and density considered here. 3.2 Simulation set up We present 3 models with parameters listed in the Table 1. The initial condition for all the models are described in \u00a73.1. The boundary condition is essentially same, except that the mass \ufb02ux into the computational domain from the lower z boundary depends on the type of disc. As has been mentioned in section 3.1, we keep the velocity of injected matter very low, vz(r, z0) = vz(ini) = 10\u22125vref, so that it does not a\ufb00ect the dynamics. The three models have been constructed by a combination of di\ufb00erent values of three parameters \u03930, v\u03c6 and the distribution of the density in the disc. Model M3 has been run for di\ufb00erent values of \u03930, to ascertain the e\ufb00ect of radiation. 4 RESULTS In Figure 5, we present the model M1 for a constant surface density disc (UD). The density contour and the velocity vec\f6 I. Chattopadhyay, M. Sharma, B. B. Nath and D. Ryu Figure 5. M1 : Logarithmic density contours for radiation driven wind from UD for four snapshots running up to t = 98 Myr, with velocity vectors shown with arrows. Densities are colour-coded according to the computational unit of density, 6.7 \u00d7 10\u221224 g cm\u22123 \u223c4mp cm\u22123. tors for the wind are shown in four snapshots in Figure (5) upto a time t = 98 Myr (corresponding to t = 2 in computational time units). There are a few aspects of the gaseous \ufb02ow that we should note here. Firstly, the disc and the out\ufb02owing gas in this case has no rotation (v\u03c6 = 0). In the absence of the centrifugal force due to rotation which might have reduced the radial gravitational force, there is a net radial force driving the gas inward. At the same time, the radiation force, here characterized by \u03930 = 2, propels the gas upward (the radial component of radiation being weak). The net result after a few Myr is that the gas in the region near the pole moves in the positive z direction, and there is a density enhancement inside a cone around the pole, away from which the density and velocities decrease. Also, because of the strong gravity of the bulge, the gas tends to get trapped inside the bulge region, and even the gas at larger r tends to get dragged towards the axis. This region pu\ufb00s due to accumulation of matter. Ultimately the radiative force drives matter outwards in the form of a plume. Next, we change the disc mass distribution and simulate the case of wind driven out of an exponential disc (ED). We show the results in Figure 6. Since both gravity and radiation forces in this case of exponential disc are quasispherical in nature, therefore in the \ufb01nal snapshot the \ufb02ow appears to follow almost radial streamlines. Although in the vicinity of the disc, the injected matter still falls towards the axis, but this is not seen at large height as was seen in the previous case of M1. This makes the wind cone of rising gas more diverging than in the case of UD (M1). Figure 6. M2 : Logarithmic density contours for radiation driven wind from ED for four snapshots running up to t = 98 Myr, with velocity vectors shown with arrows. 4.1 Rotating wind from exponential disc The direction of the \ufb02uid \ufb02ow in M1 and M2 is by and large towards the axis, and this \ufb02ow is mitigated in the presence of rotation in the disc and injected gas. In the next model M3, we consider rotating matter being injected into the computational domain and which follows a v\u03c6 distribution given by Eq. (23). This is reasonable to assume since the disc from which the wind is supposed to blow, is itself rotating. In M3, we simulate rotating gas being injected above a ED and being driven by a radiation force of \u03930 = 2. We present nine snapshots of the M3 case in Figure 7. The \ufb01rst six snapshots of Figure 7 show the essential dynamics of the out\ufb02owing gas. The fast rotating matter from the outer disc is driven outward because the radial gravity component is balanced by rotation. Near the central region, rotation is small and also the radial force components are small. Therefore the gas is mostly driven vertically. The injected gas reaches a vertical height of \u223c5 kpc in a time scale of \u223c37 Myr (t=0.75). The \ufb02ow reaches a steady state after \u223c60 Myr (t=1.25). In the steady state we \ufb01nd a rotating and mildly divergent wind. We show the azimuthal velocity contours in Figure 8 in colour for the fully developed wind (last snapshot in M3), and superpose on it the contour lines of \u03c1. The density contours clearly show a conical structure for out\ufb02owing gas. The rotation speed of the gas peaks at the periphery of the cone, and is of order \u223c50\u2013100 km s\u22121. Compared to the disc rotation speed, the rotation speed of the wind region is somewhat smaller. In other words, we \ufb01nd the wind mostly consisting of low-angular momentum gas lifted from the disc. We plot the velocity of gas close to the axis in Figure 9 for di\ufb00erent times in this model (M3), using v(0, z) \u223c vz(0+, z). The velocity pro\ufb01le in the snapshots at earlier \fSimulation of radiation driven wind from disc galaxies 7 Figure 7. M3: Contours of log10(\u03c1) and v-\ufb01eld of radiation driven wind with \u03930 = 2.0 from an ED. t = 2 corresponds to 98 Myr. Figure 8. The rotation velocity v\u03c6 for the case M3 at a time of 98 Myr is shown in colours. Contour lines of log10(\u03c1) are plotted over it. Figure 9. The axial velocity vz(0+, z) with z at di\ufb00erent time steps for the model M3. t = 2.0 corresponds to a time of 98Myr. \f8 I. Chattopadhyay, M. Sharma, B. B. Nath and D. Ryu Figure 10. The axial velocity vz(0+, 10kpc) in simulation units vref = 200 km s\u22121 with \u03930, at a time t \u223c102 Myr. time \ufb02uctuates at di\ufb00erent height, but becomes steady after t \u2a7e1.5, as does the density pro\ufb01le. We have run this particular case of ED with rotation (model M3) for di\ufb00erent values of \u03930. In order to illustrate the results of these runs, we plot the z-component of velocity (vz(0+, 10 kpc)) at 10 kpc and at simulation time, t = 2 as a function of \u03930 in Figure 10. We \ufb01nd that signi\ufb01cant wind velocities are obtained for \u03930 \u22731.5 and wind velocities appear to rise linearly with \u03930 after this critical value is acheived. Sharma et al. (2011) found this critical value to be \u03930 \u223c2 for a constant density disc and wind launched above the bulge. For the realistic case of an exponential disc, we \ufb01nd in the present simulation the critical value to be somewhat smaller than but close to the analytical result. The important point is that the critical \u03930 is not unity. This is because the parameter \u03930 is not a true Eddington parameter since it is de\ufb01ned in terms of disc gravity and radiation, whereas halo and bulge also contribute to gravity. 5 DISCUSSIONS Our simulation di\ufb00ers from earlier works (e.g. Suchkov et.al. 1994) mainly in that we speci\ufb01cally target warm out\ufb02ows and the driving force is radiation pressure. Most of the previous simulations of galactic wind have used energy injected from supernovae blasts as a driving force. However, with the ideas presented in Murray et al. (2005), which worked out the case of radiation pressure in a spherical symmetric setup, it beomes important to study the physics of this model in an axisymmetric set up, as has been done analytically by Sharma et al. (2011) (see also, Zhang & Thompson 2010). Also we have tried to capture all features of a typical disc galaxy like a bulge and a dark matter halo, and a rotating disc. Recent analytical works (Sharma & Nath 2011) and simulations (Hopkins et al. 2011) have shown that out\ufb02ows from massive galaxies (Mhalo \u2a7e1012 M\u2299) have di\ufb00erent characteristics than those from low mass galaxies. Out\ufb02ows from massive galaxies are mostly driven by radiation pressure and the fraction of cold gas in the halos of massive galaxies is large (van de Voort & Schaye 2011). Our simulations presented here addresses these out\ufb02ows in particular. We have parameterized our simulation runs with the disc Eddington factor \u03930, and it is important to know the corresponding luminosity for a typical disc galaxy, or the equivalent star formation rate. For a typical opacity of a dust and gas mixture (\u03ba \u223c200 cm2 g\u22121) (Draine 2011), the correspondig mass-to-light ratio requirement for \u03930 \u22731.5 is that M/L \u2a7d0.03. Sharma et al. (2011) showed that for the case of an instantaneous star formation, \u03930 \u22732 is possible for an initial period of \u223c10 Myr after the starburst. However for a continuous star formation, which is more realistic for disc galaxies, Sharma & Nath (2011) found that only ultra luminous infrared galaxies (ULIGs), with star formation rate larger than \u223c100 M\u2299yr\u22121 and which are also massive, are suitable candidates for such large values of \u03930, and for radiatively driven winds. The results presented in the previous sections show that the out\ufb02owing gas within the central region of a few kpc tends to stay close to the pole, and does not move outwards because of its low angular momentum. This makes the out\ufb02ow somewhat collimated. Although out\ufb02ows driven by SN heated hot wind also produces a conical structure (e.g., Fragile et al. 2004) emanating from a breakout point of the SN remnants, there is a qualitative di\ufb00erence between this case and that of radiatively driven winds as presented in our simulations. While it is the pressure of the hot gas that expands gradually as it comes out of a strati\ufb01ed atmosphere, in the case of a radiation driven wind, it is the combination of mostly the lack of rotation and almost vertical radiation driving force in the central region that produce the collimation e\ufb00ect. We also note that the conical structure of rotation in the out\ufb02owing gas is similar to the case of out\ufb02ow in M82 (Greve 2004), where one observes a diverging and rotating periphery of conical out\ufb02ow. We have not considered radiative cooling in our simulations, since for typical density in the wind the radiative cooling time is shorter or comparable than the dynamical time. However, there are regions of higher density close to the base and radiative cooling can be important there. We will address this point in a future paper. From our results of the exponential and rotating disc model, we \ufb01nd the wind comprising of low-angular momentum gas lifted from the disc. It is interesting to note that recent simulations of supernovae driven winds have also claimed a similar result (Governato et al. 2010). Such loss of low angular momentum gas from the disc may have important implication for the formation and evolution of the bulge, since the bulge population is de\ufb01cient in stars with low speci\ufb01c angular momentum. Binney, Gerhardt & Silk (2001) have speculated that out\ufb02ows from disc that preferentially removes low angular momentum material may resolve some discrepancies between observed properties of disc and results of numerical simulations. As a caveat, we should \ufb01nally note that the scope and predictions of our simulation is limited by the simple model of disc radiation adoped here. In reality, radiation from disks \fSimulation of radiation driven wind from disc galaxies 9 is likely to be con\ufb01ned in the vicinity of star clusters, and not spread throughout the disk as we have assumed here. This is likely to increase the e\ufb03cacy of radiation pressure, but which is not possible within the scope of an axisymmetric simulation. 6 SUMMARY We have presented the results of hydrodynamical (Eulerian) simulations of radiation driven winds from disc galaxies. After studying the cases of winds from a constant surface density disc and exponential disc without rotation, we have studied a rotating out\ufb02ow originating from an exponential disc with rotation. We \ufb01nd that the out\ufb02ow speed increases rapidly with the disc Eddington parameter \u03930 = \u03baI/(2cG\u03a3) for \u03930 \u2a7e1.5, consistent with theoretical expectations. The density structure of the out\ufb02ow has a conical appearance, and most of the ou\ufb02owing gas consists of low angular momentum gas. We thank Yuri Shchekinov for constructive comments and critical reading of the manuscript. IC acknowledges the hospitality of the Astronomy and Astrophysics Group of Raman Research Institute, where the present work was conceived. DR was supported by National Research Foundation of Korea through grant 2007-0093860."
+ },
+ {
+ "url": "http://arxiv.org/abs/0812.2607v1",
+ "title": "Effects of Fluid Composition on Spherical Flows around Black Holes",
+ "abstract": "Steady, spherically symmetric, adiabatic accretion and wind flows around\nnon-rotating black holes were studied for fully ionized, multi-component\nfluids, which are described by a relativistic equation of state (EoS). We\nshowed that the polytropic index depends on the temperature as well as on the\ncomposition of fluids, so the composition is important to the solutions of the\nflows. We demonstrated that fluids with different composition can produce\ndramatically different solutions, even if they have the same sonic point, or\nthey start with the same specific energy or the same temperature. Then, we\npointed that the Coulomb relaxation times can be longer than the dynamical time\nin the problem considered here, and discussed the implication.",
+ "authors": "Indranil Chattopadhyay, Dongsu Ryu",
+ "published": "2008-12-14",
+ "updated": "2008-12-14",
+ "primary_cat": "astro-ph",
+ "cats": [
+ "astro-ph"
+ ],
+ "main_content": "Introduction It is generally inferred from observations that the matter falling onto black holes is of very high temperature, both in microquasars (Corbel et al. 2003) as well as in AGNs (R\u00b4 oza\u00b4 nska & Czerny 2000). The electron temperature around 109 K and/or the proton temperature around 1012 K or more are accepted as typical values within few tens of the Schwarzschild radius, rs, of the central black holes. Moreover, the general theory of relativity 1ARIES, Manora Peak, Nainital-263129, Uttaranchal, India: indra@aries.ernet.in 2Department of Astronomy and Space Science, Chungnam National University, Daejeon 305-764, South Korea: ryu@canopus.cnu.ac.kr *Corresponding Author \f\u2013 2 \u2013 demands that the matter crosses the black hole horizon with the speed of light (c). In other words, close to black holes, the matter is relativistic in terms of its bulk speed and/or its temperature. On the other hand, at large distances away from black holes, the matter should be non-relativistic. It is also inferred from observations that the astrophysical jets around black hole candidates have relativistic speeds (Biretta et al. 2003). Since the jets originate from the accreting matter very close to black holes, their base could be very hot. At a few hundred Schwarzschild radii above the disc plane, they can expand to very low temperatures but very high speeds (Lorentz factor \u03b3 \u2273a few). And as the fast moving matter of the jets hits the ambient medium and drastically slows down to form shocks and hot spots, once again the thermal energy increases to relativistic values though the bulk velocity becomes small. Relativistic \ufb02ows are inferred for gamma-ray bursts (GRBs) too. In the so-called collapsar model scenario (Woosley 1993), the collimated bipolar out\ufb02ows emerge from deep inside collapsars and propagate into the interstellar medium, producing GRBs and afterglows. In such model, these collimated out\ufb02ows are supposed to achieve Lorentz factors \u03b3 \u2273100. It is clear in the above examples that as a \ufb02uid \ufb02ows onto a black hole or away from it, there are one or more transitions from the non-relativistic regime to the relativistic one or vice-versa. It has been shown by quite a few authors that to describe such trans-relativistic \ufb02uid, the equation of state (EoS) with a \ufb01xed adiabatic index \u0393 (= cp/cv, the ratio of speci\ufb01c heats) is inadequate and the relativistically correct EoS (Chandrasekhar 1938; Synge 1957) should be used (e.g., Taub 1948; Mignone et al. 2005; Ryu et al. 2006). A \ufb02uid is said to be thermally relativistic, if its thermal energy is comparable to or greater than its rest mass energy, i.e., if kT \u2273mc2. The thermally non-relativistic regime is kT \u226amc2. Here, T is the temperature, k is the Boltzmann constant, and m is the mass of the particles that constitute the \ufb02uid. So it is not just the temperature that determines a \ufb02uid to be thermally relativistic, but it is the ratio, T/m, that determines it. Therefore, together with the temperature, the composition of the \ufb02uid (i.e., either the \ufb02uid is composed of electron-positron pairs, or electrons and protons, or some other combinations) will determine whether the \ufb02uid is in the thermally relativistic regime or not. The study of relativistic \ufb02ows around compact objects including black holes was started by Michel (1972). It was basically recasting the transonic accretion and wind solutions around Newtonian objects obtained by Bondi (1952) into the framework of the general theory of relativity. Since then, a number of authors have addressed the problem of relativistic \ufb02ows around black holes, each focusing on its various aspects (e.g., Blumenthal & Mathews 1976; Ferrari 1985; Chakrabarti 1996; Das 2001, 2002; Meliani et al. 2004; Barai et al. 2006; Fukumura & Kazanas 2007; Mandal et al. 2007). Barring a few exceptions (e.g., Blumenthal & Mathews \f\u2013 3 \u2013 1976; Meliani et al. 2004), most of these studies used the EoS with a \ufb01xed \u0393, which, as we have noted, is incapable of describing a \ufb02uid from in\ufb01nity to the horizon. Blumenthal & Mathews (1976) for the \ufb01rst time calculated the spherical accretion and wind solutions around Schwarzschild black holes, while using an approximate EoS for the single-component relativistic \ufb02uid (Mathews 1971). Meliani et al. (2004) modi\ufb01ed the EoS used by Blumenthal & Mathews (1976) to obtain thermally driven spherical winds with relativistic terminal speeds. However, there has been no extensive study of the e\ufb00ects of \ufb02uid composition on the solutions of transonic \ufb02ows around black holes. We in this paper investigate the e\ufb00ects. The paper is organized as follows. In the next section, we present the governing equations including the EoS. In section 3, we present the sonic point properties. In section 4, we present the accretion and wind solutions. In section 5, we discuss the validity of our relativistic EoS. Discussion and concluding remarks are presented in the last section. 2. Assumptions and Equations To ensure that the e\ufb00ects of \ufb02uid composition are clearly presented, we keep our model of accretion and wind as simple as possible. We consider adiabatic, spherical \ufb02ows onto Schwarzschild black holes. The space time is described by the Schwarzschild metric ds2 = \u2212 \u0012 1 \u22122GMB c2r \u0013 c2dt2 + \u0012 1 \u22122GMB c2r \u0013\u22121 dr2 + r2d\u03b82 + r2 sin2 \u03b8d\u03c62, (1) where r, \u03b8, \u03c6 are the usual spherical coordinates, t is the time, and MB is the mass of the central black hole. Although AGNs and micro-quasars are in general powered by rotating \ufb02ows, studies of spherical \ufb02ows are not entirely of pedagogic interest. For instance, such studies can throw light on the nature of accretions onto isolated black holes in low angular momentum and cold clouds. In addition, hot spherical \ufb02ows may mimic accretions very close to black holes, where the accreting matter is expected to be of low angular momentum, hot, and with strong advection. Non-conservative processes and magnetic \ufb01elds are ignored, too. The energy-momentum tensor of a relativistic \ufb02uid is given by T \u00b5\u03bd = (e + p)u\u00b5u\u03bd + pg\u00b5\u03bd, (2) where e and p are the energy density and gas pressure respectively, all measured in the local frame. The four-velocities are represented by u\u00b5. The equations governing \ufb02uid dynamics are given by T \u00b5\u03bd ;\u03bd = 0 and (nu\u03bd);\u03bd = 0, (3) where n is the particle number density of the \ufb02uid measured in the local frame. \f\u2013 4 \u2013 2.1. EoS for single-component \ufb02uids Equation (3) is essentially \ufb01ve independent equations, while the number of variables are six. This anomaly in \ufb02uid dynamics is resolved by a closure relation between e, p and n (or the mass density \u03c1 = nm), and this relation is known as the EoS. The EoS for singlecomponent relativistic \ufb02uids, which are in thermal equilibrium, has been known for a while, and is given by e + p \u03c1c2 = K3(\u03c1c2/p) K2(\u03c1c2/p) (4a) (Chandrasekhar 1938; Synge 1957). Here, K2 and K3 are the modi\ufb01ed Bessel functions of the second kind of order two and three, respectively. Owing to simplicity, however, the most commonly used EoS has been the one with a \ufb01xed \u0393, which is written as e = \u03c1c2 + p \u0393 \u22121. (4b) As noted in Introduction, this EoS, which admits the superluminal sound speed, is not applicable to all ranges of temperature (Mignone et al. 2005; Ryu et al. 2006). Here, we adopt an approximate EoS e = \u03c1c2 + p \u00129p + 3\u03c1c2 3p + 2\u03c1c2 \u0013 , (4c) which reproduces very closely the relativistically correct EoS in equation (4a), better than the one proposed by Mathews (1971) p = \u03c1c2 3 \u0012 e \u03c1c2 \u2212\u03c1c2 e \u0013 . (4d) A comparative study of various EoS\u2019s for single-component relativistic \ufb02uids was presented in Ryu et al. (2006). 2.2. EoS for multi-component \ufb02uids We consider \ufb02uids which are composed of electrons, positrons, and protons. Then the number density is given by n = \u03a3ni = ne\u2212+ ne+ + np+, (5a) where ne\u2212, ne+, and np+ are the electron, positron, and proton number densities, respectively. Charge neutrality demands that ne\u2212= ne+ + np+ \u21d2 n = 2ne\u2212 and ne+ = ne\u2212(1 \u2212\u03be), (5b) \f\u2013 5 \u2013 where \u03be = np+/ne\u2212is the relative proportion of protons. The mass density is given by \u03c1 = \u03a3nimi = ne\u2212me \u001a 2 \u2212\u03be \u0012 1 \u22121 \u03b7 \u0013\u001b , (5c) where \u03b7 = me/mp, and me and mp are the electron and proton masses, respectively. For single-temperature \ufb02uids, the isotropic pressure is given by p = \u03a3pi = 2ne\u2212kT. (5d) As our EoS for multi-component \ufb02uids, we adopt e = \u03a3ei = \u03a3 \u0014 nimic2 + pi \u00129pi + 3nimic2 3pi + 2nimic2 \u0013\u0015 . (5e) The non-dimensional temperature is de\ufb01ned with respect to the electron rest mass energy, \u0398 = kT/(mec2). With equations (5a) \u2013 (5d), the expression of the energy density in equation (5e) simpli\ufb01es to e = ne\u2212mec2f, (5f) where f = (2 \u2212\u03be) \u0014 1 + \u0398 \u00129\u0398 + 3 3\u0398 + 2 \u0013\u0015 + \u03be \u00141 \u03b7 + \u0398 \u00129\u0398 + 3/\u03b7 3\u0398 + 2/\u03b7 \u0013\u0015 . (5g) The expression of the polytropic index for single-temperature \ufb02uids is given by N = T p \u03a3ni d\u03a6i dT = 1 2 d f d\u0398, (5h) where \u03a6i = ei ni = mic2 + kT 9kT + 3mic2 3kT + 2mic2 (5i) is the energy density per particle of each component. The e\ufb00ective adiabatic index is calculated by \u0393 = 1 + 1 N . (5j) The de\ufb01nition of the sound speed, a, is a2 c2 = \u0393p e + p = 2\u0393\u0398 f + 2\u0398. (5k) The polytropic index N (and also the adiabatic index \u0393) is an indicator of the thermal state of a \ufb02uid. If N \u21923/2 (or \u0393 \u21925/3), the \ufb02uid is called thermally non-relativistic. \f\u2013 6 \u2013 On the other hand, if N \u21923 (or \u0393 \u21924/3), it is called thermally relativistic. For singlecomponent \ufb02uids, N and \u0393 are given as a function of the temperature alone (Ryu et al. 2006). For multi-component \ufb02uids, however, not just the temperature, the mass of the constituent particles also determines the thermal state. Hence, the proton proportion, \u03be, enters as a parameter too. In Figure 1, we show various thermodynamic quantities and their inter-relations for \ufb02uids with di\ufb00erent \u03be. In Figure 1a which plots N as a function of T, the left most (solid) curve represents the electron-positron pair \ufb02uid (\u03be = 0) (hereafter, the e\u2212\u2212e+ \ufb02uid) and the right most (dotted) curve represents the electron-proton \ufb02uid (\u03be = 1) (hereafter, the e\u2212\u2212p+ \ufb02uid). In the e\u2212\u2212e+ \ufb02uid, N \u21923 for kT > mec2, while in the e\u2212\u2212p+ \ufb02uid, N \u21923 for kT > mpc2. In the intermediate temperature range, mec2 < kT < mpc2, N decreases (i.e., the \ufb02uid becomes less relativistic) with the increase of \u03be. It is because if \u03be increases (i.e., the proton proportion increases), the thermal energy required to be in the relativistic regime also increases. By the same reason, at the same T, the local sound speed, a, decreases as \u03be increases, as shown in Figure 1b. However, in Figure 1c, it is shown that the relation between N and a is not as simple as the relation between N and T. At the same a, N is smallest for the e\u2212\u2212e+ \ufb02uid, and it increases and then decreases as \u03be increases. The behavior can be understood as follows. At the same a, as \u03be increases, the thermal energy increases, but at the same time, the rest mass energy increases as well. As noted in Introduction, it is not the thermal energy, but the competition between the thermal energy and the rest mass energy that makes a \ufb02uid relativistic. Consequently, for most values of a, N increases for \u03be \u22720.2 and then decreases for \u03be \u22730.2. For very low a, N increases up to \u03be \u223c0.5, and for very high a, N increases up to \u03be \u22720.1. In summary, at a given temperature, the e\u2212\u2212e+ \ufb02uid is most relativistic, but at a given sound speed, the e\u2212\u2212e+ \ufb02uid is least relativistic and \ufb02uids with \ufb01nite proton proportions are more relativistic. 2.3. Equations of motion The energy-momentum conservation equation [the \ufb01rst of equation (3)] can be reduced to the relativistic Euler equation and the entropy equation. Under the steady state and radial \ufb02ow assumptions, the equations of motion are given by ur dur dr + 1 r2 = \u2212 \u0012 1 \u22122 r + urur \u0013 1 e + p dp dr, (6a) and de dr \u2212e + p n dn dr = 0, (6b) \f\u2013 7 \u2013 along with the continuity equation [the second of equation (3)] 1 n dn dr = \u22122 r \u22121 ur dur dr . (6c) Here, we use the system of units where G = MB = c = 1, so that the units of length and time are rg = GMB/c2 and tg = GMB/c3. It is to be noted that in this system of units, the Schwarzschild radius or the radius of the event horizon is rs = 2. After some lengthy calculations, equations (6a) \u2013 (6c) are then simpli\ufb01ed to dv dr = (1 \u2212v2)[a2(2r \u22123) \u22121] r(r \u22122)(v \u2212a2/v) (7a) and d\u0398 dr = \u2212\u0398 N \u0014 2r \u22123 r(r \u22122) + 1 v(1 \u2212v2) dv dr \u0015 , (7b) where the radial three-velocity is de\ufb01ned as v2 = \u2212urur/(utut). For \ufb02ows continuous along streamlines, equations (7a) \u2013 (7b) admit the so-called regularity condition, or the critical point condition, or the sonic point condition (Chakrabarti 1990) that is given by ac = vc (8a) and a2 c = 1 2rc \u22123. (8b) Here, rc is the sonic point location. Hereafter, the quantities with subscript c denote those at rc. From equation (5k), we know amax = 1/ \u221a 3 (also see Figure 1b). Therefore, from equation (8b), we have rc \u22653 (Blumenthal & Mathews 1976). Since dv/dr = N /D \u21920/0 at rc, (dv/dr)rc is obtained by the l\u2019Hospital rule \u0012dv dr \u0013 rc = (dN /dr)rc (dD/dr)rc , (8c) where N and D are the numerator and denominator of equation (7a). The above equation simpli\ufb01es to A \u0012dv dr \u00132 rc + B \u0012dv dr \u0013 rc + C = 0, (8d) where A = \u0012 2 + 1 \u2212Nca2 c + (\u0398c/\u0393c)(d\u0393/d\u0398)c Nc(1 \u2212a2 c) \u0013 rc(rc \u22122), (8e) B = 21 \u2212Nca2 c + (\u0398c/\u0393c)(d\u0393/d\u0398)c Ncac , (8f) \f\u2013 8 \u2013 and C = 21 \u2212Nca2 c + (\u0398c/\u0393c)(d\u0393/d\u0398)c Ncrc \u22122a2 c(1 \u2212a2 c). (8g) Equation (8d) has two roots. For radial \ufb02ows, the roots are of the saddle type, where (dv/dr)c is real and (dM/dr)c is of opposite signs for the two roots. Here, M = v/a is the Mach number. Moreover, the two roots can be either of the acceleration type (A-type), where (dv/dr)c is of opposite signs, or of the deceleration type (D-type), where (dv/dr)c is negative for both roots. In the A-type, both the acceleration and wind \ufb02ows accelerate at the sonic point. On the other hand, in the D-type, only the accretion \ufb02ows accelerate, while the wind \ufb02ows decelerate at the sonic point. By substituting the quantities at the sonic point, equations (7b) give the temperature gradient at the sonic point \u0012d\u0398 dr \u0013 rc = \u2212\u0398c Nc \u0014 2rc \u22123 rc(rc \u22122) + 1 vc(1 \u2212v2 c) \u0012dv dr \u0013 rc \u0015 . (8h) Finally by integrating the equations of motion, we get the relativistic Bernoulli equation (Lightman et al. 1975) E = (f + 2\u0398)ut (2 \u2212\u03be + \u03be/\u03b7), (9) where E is the Bernoulli parameter or is also known as the speci\ufb01c energy of \ufb02ows. Since we assume adiabatic \ufb02ows without heating and cooling, E is a constant of motion. 2.4. Procedure to get global solutions Combining equation (8b) and (5k) gives \u0398c in terms of rc and \u03be. Combining it with equation (9) gives a formula involving rc, E, and \u03be (Chakrabarti 1990, 1996b; Fukumura & Kazanas 2007). If E and \u03be are given, then rc is computed from the formula. Once rc is known, all the quantities at rc, e.g., \u0398c, vc, (dv/dr)rc, (d\u0398/dr)rc, etc, are computed from equations (8a) \u2013 (8h). Then equations (7a) and (7b) are integrated, starting from rc, once inwards and then outwards, to obtain the global, transonic solutions of spherical \ufb02ows around black holes. By this way, we can obtain two parameter (E, \u03be) family of accretion and wind solutions. 3. Sonic Point Properties In the transonic \ufb02ows we study, the sonic point plays an important role. So before we present global solutions in the next section, we \ufb01rst investigate the properties of the sonic \f\u2013 9 \u2013 point in this section. Understanding the sonic-point properties will allow us to have an idea of the nature of global \ufb02ow structures. The sonic point location, rc, that is computed as a function of E and \u03be, is presented in Figure 2a. Corresponding to each set of E and \u03be values, there exists a unique rc. Each curve, which is given as a function of E, is for a di\ufb00erent value of \u03be. If a \ufb02ow is more energetic with larger E, it is characterized by a smaller value of rc. However, at the same E, rc is smallest for the e\u2212\u2212e+ \ufb02uid (solid line). The value of rc increases for \u03be \u22720.2, and then starts to decrease for larger \u03be. In other words, if \ufb02uids of the same E but di\ufb00erent \u03be are launched at a large distance away from a black hole, then the e\u2212\u2212e+ \ufb02uid crosses the sonic point closest to the event horizon, compared to the \ufb02uids of \ufb01nite proton proportion. Alternatively, at the same rc, E is smallest for the e\u2212\u2212e+ \ufb02uid, and it increases up to \u03be \u223c0.2 and then decreases for 0.2 \u2272\u03be \u22641. Although for the same rc the e\u2212\u2212p+ (dotted line) is not most energetic, it is de\ufb01nitely more energetic than the e\u2212\u2212e+ \ufb02uid. Since \ufb02uids of di\ufb00erent composition are energetically quite di\ufb00erent at the same rc, or conversely \ufb02uids of di\ufb00erent composition but the same E form the sonic point at widely di\ufb00erent rc, it is expected that the global solutions of accretion and wind \ufb02ows would be quantitatively and qualitatively di\ufb00erent, depending upon the composition of \ufb02uids. In Figures 2b and 2c, we show Tc and Nc as a function of rc. Equations (8b) tells that the sound speed at the sonic point, ac, is \ufb01xed, once rc is determined (ac implicitly depends on E and \u03be through rc). So plotting any variable as a function of rc is equivalent to plotting it as a function of ac. As noted above, at the same ac, \ufb02uids composed of lighter particles are colder. Therefore, in Figure 2b, at the same rc, the temperature is lowest for the e\u2212\u2212e+ \ufb02uid, and progressively gets higher for \ufb02uids with larger proton proportions, and the maximum temperature is for the e\u2212\u2212p+ \ufb02uid. However, as noted before, higher Tc does not necessarily ensure higher Nc (i.e., more relativistic \ufb02uids). In Figure 2c, at the same rc, the e\u2212\u2212e+ \ufb02uid has the lowest Nc, that is, it is least relativistic. In the range of a few \u2272rc \u2272100, at the same rc, Nc increases as the proton proportion increases for \u03be \u22720.2, and then starts to decrease for 0.2 \u2272\u03be \u22641. This is a consequence of the competition between the thermal energy and the rest mass energy, as discussed in connection with Figures 1c. In order to make the point even clearer, in Figure 2d, we show Nc as a function of \u03be for a wide range of values of rc. Each curve with a single value of rc signi\ufb01es \ufb02uids of di\ufb00erent composition but the same sound speed at the same sonic point. Nc tends to peak at some values of \u03be, where the thermal contribution with respect to the rest mass energy contribution peaks. For small values of rc (i.e., large ac\u2019s), a small increase of \u03be causes the thermal contribution to peak. For large values of rc (i.e., small ac\u2019s), large proton proportions are needed to achieve the same. \f\u2013 10 \u2013 As discussed in section 2.3, the roots of equation (8d) are either of the A-type or of the D-type. At small values of rc, the nature of the sonic point is of the A-type. It is because if the sonic point form closer to the central object, the \ufb02ow is hotter at the sonic point (Figure 2b), and in the wind that is thermally driven, the \ufb02ow tends to accelerate at the sonic point. But beyond a limiting value, say rc\u2113, the nature changes from the A-type to the D-type, where the wind \ufb02ow decelerates at the sonic point. In Figure 3a, rc\u2113is plotted as a function of \u03be. Since at a given rc the e\u2212\u2212e+ \ufb02uid is thermally least relativistic, rc\u2113is smallest for the \ufb02uid. The limit rc\u2113increases with \u03be. However, since increasing \u03be makes \ufb02uids \u2018heavy\u2019 too, rc\u2113peaks around \u03be \u223c0.75. In Figure 3b, we plot the limiting values of E corresponding to rc\u2113, E\u2113, as a function of \u03be, such that for E > E\u2113the nature of the sonic point is of the A-type, for E < E\u2113it is of the D-type. 4. Spherical Accretion and Wind Solutions In this section, we present the global solutions of equations (7a \u2013 7b) that were obtained with the procedure described in section 2.4. In Figure 4, we \ufb01rst compare typical accretion and wind solutions of the A and D-types for the e\u2212\u2212e+ \ufb02uid. The solutions of the Atype in the left panels have the sonic point at rc = 4, inside rc\u2113, while those of the D-type in the right panels have rc = 30, beyond rc\u2113(Figure 3a). The accretion solutions (solid curves) are characterized by supersonic \ufb02ows at the inner boundary and subsonic \ufb02ows at the outer boundary (Figures 4c and 4d). The wind solutions (dotted curves), on the other hand, have subsonic \ufb02ows at the inner boundary and supersonic \ufb02ows at the outer boundary. The accretion \ufb02ows around black holes necessarily accelerate inwards. However, the wind \ufb02ows may accelerate (Figure 4a) or decelerate (Figure 4b) outwards. The wind solutions considered in this paper are thermally driven. These winds are very hot at the base, and are powered by the conversion of the thermal energy into the kinetic energy. It can be shown from equation (7b) that \u2212d\u0398 dr \u2264\u0398 N \u0014 2r \u22123 r(r \u22122) \u0015 \u21d2 dv dr\u22640. (10) In other words, if the outward thermal gradient is weaker than the gravity, the out\ufb02ow can decelerate. For the wind with rc = 30 (Figures 4b, 4d, and 4f), \u2212d\u0398/dr \u223c(\u0398/N)(2r \u2212 3)/[r(r \u22122)] at r \u223c9.16, exactly where the out\ufb02ow starts to decelerate. However, the wind velocity will reach an asymptotic value at r \u2192large, since \u2212d\u0398/dr \u223c(\u0398/N)(2r\u22123)/[r(r\u2212 2)] \u223c0 at large distances from the black hole. Similar relation between the gradients at the sonic point will determine the nature of the sonic point. It may be noted that at rc \u2265rc\u2113 (Figures 3a and 3b), such relation between (dv/dr)c and (d\u0398/dr)c is satis\ufb01ed. Regardless \f\u2013 11 \u2013 of accretion/wind or the type, the temperature decreases with increasing r (Figures 4e and 4f). We note that the winds in our solutions are too weak to be the precursor of astrophysical jets, until and unless other accelerating processes like those caused by magnetic \ufb01elds or disc radiation are considered (Chattopadhyay 2005). In fact, we checked that it is not possible to generate the terminal speed much greater than \u223c0.8c for purely thermally driven winds, such as the ones that are considered in this paper. It is also to be noted that our D-type, wind solution is not an example of \u2018breeze\u2019. A breeze is always subsonic, while the wind here is transonic, albeit decelerating. In the previous \ufb01gure, we have compared the solutions with the same \u03be (= 0) but di\ufb00erent rc. In Figure 5, we compare the solutions with the same rc (= 20) but di\ufb00erent \u03be. As shown in Figure 2a, even for the same rc, the speci\ufb01c energy is di\ufb00erent for \ufb02uids of di\ufb00erent \u03be. Furthermore, the polytropic index at the sonic point is di\ufb00erent too (Nc = 1.547 in Figure 5a, Nc = 2.626 in Figure 5b, and Nc = 2.271 in Figure 5c). Therefore, even if we \ufb01x the sonic point (and therefore ac), the \ufb02ow structure and energetics are di\ufb00erent for \ufb02uids with di\ufb00erent \u03be. In these particular solutions, the e\u2212\u2212e+ \ufb02uid is not hot enough to drive an accelerating wind (Figure 5a), while the \ufb02uids with signi\ufb01cant protons can do so. As in the previous case of decelerating wind solution (i.e., Figure 4b), in the present case the e\u2212\u2212e+ \ufb02uid \ufb01rst accelerates and then starts to decelerate at r \u223c9.86. The velocity pro\ufb01le eventually tapers o\ufb00to an asymptotic value at large distances away from the black hole. It has been shown in Figure 2b that at the same rc, adding protons increases the temperature at the sonic point. Larger temperature gradient causes winds of \ufb01nite proton proportion to be accelerated at the sonic point (Figure 5b). It is seen that beyond a critical value, the increase in \u03be increases the inertia which reduces the wind speed, as is vindicated by Figures 5b and 5c. It is to be remembered that, the D type sonic point is a reality for \ufb02uids of any \u03be, provided rc \u2273rc\u2113. Although the wind solutions are noticeably di\ufb00erent depending on \u03be, there seems to be only small di\ufb00erence in the velocity pro\ufb01le of the accretion solutions. Henceforth, we concentrate only on accretion solutions. Such small di\ufb00erence in v in accretion solutions is expected. The accretion is generated mostly by the inward pull of the gravity, which gives the unique inner boundary condition for black holes, i.e., v = 1 at r = 2, regardless of other considerations. The pressure gradient changes the pro\ufb01le of v too. Since the composition of \ufb02uids determines the thermal state, it in\ufb02uences the pro\ufb01le of v, but the e\ufb00ect is not the dominant one. In Figure 6, we compare the accretion solutions with the same E (= 1.015) but di\ufb00erent \u03be. As noted below equation (9), E is a constant of motion. For r \u2192\u221e, as ut \u21921, we \f\u2013 12 \u2013 have E \u2192h\u221e, where h\u221e= \u0014e + p \u03c1 \u0015 \u221e = \u0014 f + 2\u0398 2 \u2212\u03be + \u03be/\u03b7 \u0015 \u221e (11) is the speci\ufb01c enthalpy at in\ufb01nity. Equation (11) tells us that at large distances from black holes, for the same E, T is large if \u03be is large. Hence, \ufb02uids with larger \u03be are hotter to start with. Therefore even for \ufb02uids with the same E, the solutions are di\ufb00erent if \u03be is di\ufb00erent. Figure 6a shows the velocity pro\ufb01le as a function of r. Here, the di\ufb00erence in v for \ufb02uids with di\ufb00erent \u03be is evident, albeit not big as pointed above. Figures 6b, 6c and 6d show the mass density, temperature, and polytropic index. To compute the mass density, we need to supply the mass accretion rate, which is given as \u02d9 M = 4\u03c0r2ur\u03c1 (12) from equation (6c). The mass density in Figure 6b was computed for MB = 10M\u2299and \u02d9 M = 0.1 \u02d9 MEdd, where \u02d9 MEdd is the Eddington rate of accretion. The di\ufb00erence in T and N for \ufb02uids with di\ufb00erent \u03be is more pronounced. The e\u2212\u2212e+ \ufb02uid is slowest, densest (for the same \u02d9 M), coldest, and least relativistic. The e\u2212\u2212p+ \ufb02uid is more relativistic than the e\u2212\u2212e+ \ufb02uid. But the most relativistic \ufb02uid is the one with the intermediate value of \u03be. It is interesting to note that except for the e\u2212\u2212e+ \ufb02uid, N is a slowly varying function of r for the other two \ufb02uids. Does this mean it would be su\ufb03cient to adopt the \ufb01xed \u0393 EoS with appropriate values of \u0393? Finally in Figure 7, we compare the accretion solutions with the same temperature at large distances but di\ufb00erent \u03be. All the \ufb02uids start with T = Tout = 1.3 \u00d7 109 K at r = rout = 2000. Again the mass density was computed for MB = 10M\u2299and \u02d9 M = 0.1 \u02d9 MEdd. It is to be noted that the \ufb02uids starting with the same Tout but di\ufb00erent \u03be have di\ufb00erent speci\ufb01c energies. Hence, the velocity at the outer boundary is di\ufb00erent too. As shown in Figure 7a, in these particular solutions, the e\u2212\u2212e+ \ufb02uid starts with a velocity substantially di\ufb00erent from those of the other two \ufb02uids, so the resulting velocity pro\ufb01le is substantially di\ufb00erent. From Figure 7d, it is clear that there are signi\ufb01cant variations in N for all the \ufb02uids. The e\u2212\u2212e+ \ufb02uid starts with the largest N. It is because at the same temperature, the e\u2212\u2212e+ \ufb02uid is thermally most relativistic. The behavior of N can be traced back to Figure 1a. For instance, the variations in N tend to \ufb02atten at T \u22731010 K. In Figure 7c, for the \ufb02uids with \u03be = 0.5 and 1, T \u22721010 K for r \u2273100 and T \u22731010 K for r \u2272100. So signi\ufb01cant variations are expected in N at r\u2273100, while the variations \ufb02atten at r < 100. Similar considerations will explain the variations in N for the e\u2212\u2212e+ \ufb02uid. From Figure 7d, it is clear that we need to adopt a relativistically correct EoS [equation (4c) or (4d)], instead of the EoS with a \ufb01xed \u0393, in order to capture the proper thermal properties of \ufb02ows around black holes. \f\u2013 13 \u2013 In this section, we have shown that \ufb02uids with di\ufb00erent composition can result in dramatically di\ufb00erent accretion and wind \ufb02ows, even if they have the same sonic point or the same speci\ufb01c energy, or they start with the same temperature at large distances from black holes. So not just adopting a correct EoS, but incorporating the e\ufb00ects of \ufb02uid composition into the EoS (see equation 5e) should be also important in describing such \ufb02ows. 5. Validity of EoS In section 2, we have made the following assumptions for our EoS (equation 5e); \ufb02uids are in equilibrium, i.e., 1) the distribution of the constituent particles is relativistically Maxwellian and 2) the multi-components are of single temperature. However, it is not clear whether the conditions are satis\ufb01ed. Most astrophysical \ufb02uids, unlike the terrestrial ones, consist of charged particles, which are collisionless, and so held together by magnetic \ufb01elds. The constituent particles, on the other hand, exchange energies, and become relaxed mostly through the Coulomb interaction, which is a slow process in collisionless plasmas. In addition, most of the heating processes, such as viscosity and shock heating, are likely to a\ufb00ect protons. However, it is mainly the electrons which radiate. So the energy exchange between electrons and protons should operate, and eventually govern the thermal properties of \ufb02uids. Let tee be the electron-electron relaxation time scale, tpp be the proton-proton relaxation time scale, and tep be the electron-proton relaxation time scale. And let tprob be the time scale of problem, such as the dynamical time scale, or the heating and/or cooling time scale. Only if tee < tprob and tpp < tprob, electrons and protons will separately attain the Maxwellian distributions. And only if tep < tprob, electrons and protons will relax to single temperature. To verify the assumptions for our EoS, in this section, we compare the relaxation time scales with the dynamical or accretion time scale (tdyn = r/v) for an accretion solution. We consider the temperature range where protons are thermally non-relativistic while electrons are relativistic. In most our solutions in the previous section, the computed temperature favors this range. The relativistic electron-electron interaction time scale was derived by Stepney (1983), tee = 8k2 (mec2)2\u03c3T cln\u039b T 2 ne\u2212. (13a) The time scale for the non-relativistic proton-proton interaction is given in Spitzer (1962), tpp = 4\u221a\u03c0k3/2 ln\u039b(mpc2)3/2\u03c3Tc \u0012mp me \u00132 T 3/2 np+ . (13b) \f\u2013 14 \u2013 The relativistic electron-proton interaction time scale was also derived by Stepney (1983), tep = 2 \u0012mp me \u0013 \u0012 \u03ba mec2 \u0013 1 \u03c3T c T np+ (13c) We present the electron number density, ne\u2212(Figure 8a), the three velocity v (Figure 8b) and the temperature T (Figure 8c) of the accretion solution for the e\u2212\u2212p+ \ufb02uid with E = 1.5247. The electron number density was computed for MB = 10M\u2299and \u02d9 M = 0.1 \u02d9 MEdd. In Figure 8d, various time scales are compared. All the relaxation time scales were calculated for the solution of single-temperature. To our surprise, it is clear that the accretion \ufb02ow in the \ufb01gure is \u2018too fast\u2019, such that various relaxation time scales are longer than the accretion time scale at least within few tens of rs. The implication of it is not clear, however. For instance, in relativistic plasmas, the constituent particles can be relaxed through the interactions with magnetic \ufb01elds, too. But the relaxation will depend on the details of \ufb01eld con\ufb01guration, such as the strength and the topology. Since we ignore in this study magnetic \ufb01elds as well as other processes such as non-conservative ones, we leave this issue of the validity of our EoS for future studies. 6. Discussion and Concluding Remarks In this paper, we have investigated the e\ufb00ects of \ufb02uid composition on the solutions of accretion and wind \ufb02ows onto black holes. In order to elucidate the e\ufb00ects, we have considered a very simple model of spherical \ufb02ows onto Schwarzschild black holes, and nonconservative processes and magnetic \ufb01elds have been ignored. First, we have suggested an approximate EoS for multi-component \ufb02uids in equation (5e), and studied the thermal properties of \ufb02uids with the EoS. Three temperature ranges have been categorized; for kT < mec2, any type of \ufb02uids are thermally non-relativistic, for kT > mpc2, any type of \ufb02uids are thermally relativistic, and for mec2 < kT < mpc2, the degree to which \ufb02uids are relativistic is determined by the composition of the \ufb02uids as well as the temperature (Figure 1a). Then we have shown that although at the same temperature the e\u2212\u2212e+ \ufb02uid is most relativistic (Figure 1a), at the same sound speed it is least relativistic (Figure 1c), compared to the \ufb02uids with protons. It is because whether a \ufb02uid is relativistic or not depends on the competition between the thermal energy and the rest mass energy of the \ufb02uid. The thermal properties of \ufb02uids carry to the sonic point properties. The sound speed at the sonic point, ac, explicitly depends only on the sonic point location, rc (it implicitly \f\u2013 15 \u2013 depends on the speci\ufb01c energy, E, and the proton proportion, \u03be, through rc). Therefore, comparing the thermodynamic quantities at the same rc is equivalent to comparing those quantities at the same ac. We have shown that at the same rc, the e\u2212\u2212e+ \ufb02uid is least relativistic, and a \ufb02uid with a \ufb01nite \u03be is most relativistic (Figures 2c and 2d). Then, we have presented the global solutions of accretion and wind \ufb02ows for the same rc but di\ufb00erent \u03be, for the same E but di\ufb00erent \u03be, and for the same T at large distances from black holes but di\ufb00erent \u03be. In all the cases, the \ufb02ows can be dramatically di\ufb00erent, if the composition is di\ufb00erent. This asserts that the e\ufb00ects of \ufb02uid composition are important in the solutions, and hence, incorporating them properly into the solutions through the EoS is important. Lastly, we have noted that the EoS in equation (5e) is based on the assumptions that the distribution of the constituent particles is relativistically Maxwellian and the multicomponents are of single temperature. However, at the same time, we have pointed out that while the Coulomb relaxation times are normally shorter than the dynamical time far away from black holes, close to black holes they can be longer. It means that close to black holes, the assumptions for the EoS can be potentially invalidated. The implication of it needs to be understood, and we leave further consideration of this issue for future studies. The work of DR was supported by the Korea Research Foundation Grant funded by the Korean Government (MOEHRD) (KRF-2007-341-C00020)."
+ }
+ ],
+ "Renyue Cen": [
+ {
+ "url": "http://arxiv.org/abs/2012.02230v1",
+ "title": "Physics of Non-Universal Larson's Relation",
+ "abstract": "From a new perspective, we re-examine self-gravity and turbulence jointly, in\nhopes of understanding the physical basis for one of the most important\nempirical relations governing clouds in the interstellar medium (ISM), the\nLarson's Relation relating velocity dispersion ($\\sigma_R$) to cloud size\n($R$). We report on two key new findings. First, the correct form of the\nLarson's Relation is $\\sigma_R=\\alpha_v^{1/5}\\sigma_{pc}(R/1pc)^{3/5}$, where\n$\\alpha_v$ is the virial parameter of clouds and $\\sigma_{pc}$ is the strength\nof the turbulence, if the turbulence has the Kolmogorov spectrum. Second, the\namplitude of the Larson's Relation, $\\sigma_{pc}$, is not universal, differing\nby a factor of about two between clouds on the Galactic disk and those at the\nGalactic center, evidenced by observational data.",
+ "authors": "Renyue Cen",
+ "published": "2020-12-03",
+ "updated": "2020-12-03",
+ "primary_cat": "astro-ph.GA",
+ "cats": [
+ "astro-ph.GA"
+ ],
+ "main_content": "INTRODUCTION The interstellar medium (ISM) in galaxies is subject to a myriad of physical processes, including gravitational interactions, in\ufb02ow and ou\ufb02ow, radiative processes, magnetic \ufb01eld and feedback from stellar evolution (e.g., McKee & Ostriker 2007) and thus, perhaps unsurprisingly, bears a chaotic and turbulent appearance (e.g., Elmegreen & Scalo 2004). The role of supersonic turbulence in interacting with the process of gravitational collapse of molecular clouds has long been recognized (e.g., Larson 1981). We inquire and seek solutions as to why ISM clouds appear to follow a number of well de\ufb01ned empirical governing relations, by examining together the two most important physical processes turbulence and self-gravity guided by a new conceptual insight. Our goal is not set out to precisely nail down these relations, but rather to make sense of complex players involved, in a simple fashion, if possible. The results we \ufb01nd are gratifyingly simple and accurate. The turbulence in the ISM is driven at some large scales. In incompressible turbulence, the structure function is derived by Kolmogorov (1941), most notably the expression for the relation between velocity difference between two points and their separation, \u03c3R \u221dR1/3, based on a constant energy transmission rate through the inertia scale range. In highly compressible turbulence, the energy transmission down through the scale is no longer conservative, with kinetic energy also being spent to shock and/or compress the gas. Thus, if the relation remains a scale free powerlaw, the resulting exponent for a compressive turbulent medium is expected to be larger than 1/3. We will show that the right exponent is 3/5 in this case. Opposite to the driving scale, the \u201ccoherence\" scale in dense cores, introduced in Goodman et al. (1998), encapsulates the transition from turbulence dominated energy regime to a subsonic regime, 1 Princeton University Observatory, Princeton, NJ 08544; cen@astro.princeton.edu arXiv:2012.02230v1 [astro-ph.GA] 3 Dec 2020 \f2 where the sum of the thermal, magnetic and possibly other forms of energy dominates over turbulent energy. The turbulence is then often thought of cascading down between these two scales. In contrast to this simple cascading (down) of eddies in the gravity-free case, a new conceptual notion that we put forth here is that the dynamic interactions between turbulence and gravity occurring on all scales result in the formation of clouds, within which self-gravitational force becomes important (not necessarily dominant in general), on all scales. While the formation of clouds is originally driven by supersonic turbulence, gravity acts to both solidify them and in some cases detach them from the turbulence, hence provides a feedback loop to the turbulence itself, where the clouds may be visualized as the boundary conditions (on all scales) for the turbulence. As such, we shall call such an additionally constrained turbulence a \u201ccloud bound turbulence chain\" (CBTC), as opposed to a gravity-free turbulence. The singular coherence scale (\u223c0.1pc) above represents the smallest cloud of our CBTC. Based on this conception, we attempt to rederive the (revised) Larson\u2019s Relation, and compare to observations. 2. LARSON\u2019S RELATION: CONFLUENCE OF SUPERSONIC TURBULENCE AND SELF-GRAVITY In the ISM, self-gravity has the tendency to organize and fortify suitable regions into their own entities, playing a countervailing role against supersonic turbulence that would otherwise produce only transient structures. For a powerlaw radial density pro\ufb01le of slope \u2212\u03b2, the self-gravitating potential energy is W = \u22123\u2212\u03b2 5\u22122\u03b2 GM2 R R , where R and M are the radius and mass of the cloud. As we will show later, the density pro\ufb01le of gas clouds in the supersonic regime is expected to have \u03b2 = 4/5, thus we will use W = \u221211 17 GM2 R for all subsequent calculations. For a self-gravitating sphere of the same density pro\ufb01le, the mean velocity dispersion within radius R is related to the 1-d velocity dispersion at separation R by \u00af \u03c32 R = 11 14\u03c32 R. However, it proves more convenient to use \u00af \u03c3R instead of \u03c3R, since the former is a more used observable. Hence, we shall use \u00af \u03c3R for all subsequent expressions; for brevity, we use \u03c3R to represent \u00af \u03c3R hereafter. To reduce cumbersomeness in expressions, we neglect all other forms of energy but only to keep the gravitational energy W and gas kinetic energy K; it is straight-forward to include those neglected, by modifying the expression for virial parameter. We thus de\ufb01ne the virial parameter \u03b1v as \u03b1v = \u22122K W . The self-gravitating tendency may then be formulated as a 3-d region in the four-dimensional parameter space of (R, \u03c3R, \u03c1R, \u03b1v): \u03c32 R = \u03b1v 11 51 GM R = \u03b1v 44\u03c0 153 G\u03c1RR2 = \u03b1v 11\u03c0 51 G\u03a3RR. (1) where G is gravitational constant, and \u03c1R and \u03a3R are the mean volume and surface density within radius R. If \u03b1v and \u03c3R are independent, which we will show is the case, the region would look like a thick plane. Eq (1) is essentially the proposed modi\ufb01cation to Larson\u2019s Relation by Heyer et al. (2009). More comparisons will be made in \u00a73. Kolmogorov (1941) power spectrum is derived for homogeneous and isotropic three-dimensional subsonic turbulence in incompressible \ufb02ows, valid in the energy conserving inertial range. In contrast, the kinetic energy in the supersonic compressible turbulence in ISM is dissipative on all scales due to shocks and radiative processes in the ISM. It thus, at \ufb01rst instant, might suggest that the Kolmogorov turbulence may provide an inadequate description of the compressible turbulence of the ISM. Fleck (1983) suggests that the relation between a scaled velocity vR and scale R of compressible turbulence be expressed as vR \u2261\u03c11/3 R \u03c3R = AR1/3, (2) \f3 which constitutes a plane in the parameter space of (R, \u03c3R, \u03c1R), generally different from that of selfgravity (Eq 1), where A is a constant. The expression essentially asserts that a constant volumetric energy density transfer rate in compressible \ufb02ow is transmitted down the turbulence cascading scale. Eq (2) reduces to the original Kolmogorov form for incompressible \ufb02ow that is a line in the two-dimensional parameter space of (R, uR). A formal proof of the existence of an inertial range for highly compressible turbulence is given by Aluie (2011, 2013), validating the density-weighted velocity formulation. Importantly, numerical simulations show that the spectrum of vR indeed follows remarkably well the Kolmogorov spectrum for the isothermal ISM (e.g., Kritsuk et al. 2007, 2013). We thus continue to use the nomenclature of Kolmogorov compressible turbulence, despite its oxymoronic sounding, given the spectral slope we adopt and its empirical validity to describe the turbulence of the isothermal ISM. The general physical arguments and quantitative conclusions reached are little altered with relatively small variations of the slope of the turbulence power spectrum. As a related note, in the subsonic compressible turbulence, with gravity also playing an important role, such as in dark cores in molecular clouds, the physical premise for the argument of energy transmission through the inertia scale range ceases to apply with respect to the total velocity. This may be understood in that the turbulence chain driven at some large scales no longer is the primary driver of velocity in the subsonic regime. Rather, the velocity \ufb01eld is driven jointly by turbulence, thermal (and possible other forms of) pressure, and gravity (Myers 1983). Combining Eq (1) and Eq (2) gives \u03c3R = \u03b11/5 v ( 44 153A3G)1/5R3/5. (3) Because A is unknown but a constant, we simply introduce another parameter, \u03c3pc, which denotes the 1-d mean turbulence velocity dispersion within a region of radius 1 parsec, to express the strength of the turbulence. Now Eq (3) is simpli\ufb01ed to \u03c3R = \u03b11/5 v \u03c3pc( R 1pc)3/5. (4) Looking at Eq (4), it may seem puzzling as to why the virial parameter \u03b1v appears in this expression that is supposedly an expression of the strength of the turbulence chain. But it is expected. The appearance of \u03b1v (and the disappearance of gas density \u03c1) in this expression re\ufb02ects the feedback of the boundary condition at the clouds that terminates the turbulence chain at the small scale end, in lieu of gas density. To see that we may express the cloud density in terms of \u03c3pc: npc = \u03b1\u22123/5 v 153 44\u03c0 \u03c32 pc Gmp(1pc)2 = 1.04 \u00d7 104cm\u22123\u03b1\u22123/5 v ( \u03c3pc 1 km/s)2, (5) where npc is the mean density within a cloud of radius 1pc with a virial parameter \u03b1v. Eq (4) is the (revised) Larson\u2019s \ufb01rst relation, relating the velocity dispersion to the size of the cloud. Let us now proceed to compare this relation to observational data. Figure (1) shows the observational data along with best powerlaw \ufb01ts. We \ufb01t the data to a powerlaw of the form \u03c3R = \u03b11/5 v \u03c3pc( R 1pc)\u03b2, (6) \f4 -1.5 -1 -0.5 0 0.5 1 1.5 2 log R (pc) -1.5 -1 -0.5 0 0.5 1 log pc (km/s) Galactic disk clouds obs data best fit: pc=0.46km/s, =0.57 2 lower slope: =0.56 2 upper slope: =0.59 Figure 1. Top panel shows the velocity as a function of its size for the observed molecular clouds on the Galactic disk (open red circles), from Dame et al. (1986), Solomon et al. (1987),Heyer et al. (2001), Heyer & Brunt (2004), Ridge et al. (2006), Narayanan et al. (2008) and Ripple et al. (2013). Bottom panel shows the velocity as a function of its size, for the observed molecular clouds at the Galactic center from the CHIMPS2 survey (Eden et al. 2020) (open red circles) and the SEDIGISM (Duarte-Cabral et al. 2020) (solid black squares). In each panel, we show as red solid line as the best powerlaw \ufb01t using linear regression, along with the 2\u03c3 upper and lower slopes shown as dotted and dashed lines, respectively, obtained with bootstrapping. leaving both the amplitude \u03c3pc and the exponent \u03b2 as two free parameters. Moreover, we perform bootstrap resampling to obtain upper and lower 2\u03c3 limits of the \ufb01tting parameters by \ufb01tting both parameters. \f5 We \ufb01nd the best parameters and the \u00b12\u03c3 limits for the disk clouds to be best \ufb01t : \u03c3pc = 0.46 \u00b1 0.03 km/s and \u03b2 = 0.57 \u00b1 0.02 +2\u03c3 : \u03c3pc = 0.48 and \u03b2 = 0.59 \u22122\u03c3 : \u03c3pc = 0.45 and \u03b2 = 0.56, (7) shown as the solid, dotted and dash lines, respectively, in the top panel of Figure (1). Repeating the calculation for the clouds at the Galactic center yields the best parameters and the \u00b12\u03c3 limits best \ufb01t : \u03c3pc = 1.03 \u00b1 0.01 km/s and \u03b2 = 0.63 \u00b1 0.01 +2\u03c3 : \u03c3pc = 1.02 and \u03b2 = 0.65 \u22122\u03c3 : \u03c3pc = 1.05 and \u03b2 = 0.61, (8) shown as the solid, dotted and dash lines, respectively, in the bottom panel of Figure (1). We note that the errorbars of the best using the linear regression method is not necessarily consistent with and often larger than the 2\u03c3 range obtained using bootstrap, due to the latter\u2019s larger sample size with bootstrapping. The discrepancy is more noticeable for the disk clouds due to the smaller observational data sample size, as compared to that of the Galactic center clouds. Nevertheless, even in the absence of this shift for the best slope, the traditional exponent of the Larson\u2019s Relation of 1/2 is inconsistent with the disk data at 100% level if bootstrap is used and at 3.5\u03c3 if the direct regression is used, whereas a slope of 0.6 is about 1.5\u03c3 away. If considering the clouds at the Galactic center, the contrast is still larger. So far, we have not considered possible (perhaps different) systematics for the observations of the Galactic disk clouds as compared to the Galactic center clouds. The fact that the best \ufb01tting slope of the disk clouds of 0.57 and that of the Galactic center clouds of 0.63 equidistantly \ufb02ank our proposed slope of 0.60 is intriguing. It may be caused by some additional physics that are not considered in our simpli\ufb01ed treatment but operates to varying degrees of importance in the cases. It may also be caused by data inhomogeneities in the plotted plane, which may already be visible. We shall take the simpler interpretation that both slopes are intrinsically equal to 0.60 and the apparent values are due to some observational systematics, although we are not in a position to justify this assertion. This new Larson\u2019s Relation with the exponent 3/5 is in excellent agreement with observational data. Heyer & Brunt (2004) measure the value of the scaling exponent of 0.59 \u00b1 0.07 in the spatial range of 1 \u221250pc [corresponding to the original range of Larson (1981) and Solomon et al. (1987)], while \ufb01tting the entire spatial range of 0.03 \u221250pc probed they get 0.62 \u00b1 0.09. It is clear now that it is not just the gravity alone that gives rise to the Larson\u2019s Relation, rather it is a combination of gravity and turbulence physics that naturally yields it. Larson 1981 invoked virial equilibrium to explain his relation. What is new here is that the intersection of gravity and turbulence provides a signi\ufb01cantly better \ufb01t for data. Forcing the slope of 0.6 to both data sets, the best \ufb01t \u03c3pc is found to be \u03c3pc = 0.44 \u00b1 0.02 km/s for Galactic disk clouds \u03c3pc = 1.08 \u00b1 0.01 km/s for Galactic center clouds (9) From data in our Galaxy alone, one can thus already conclude that CBTCs vary in different environments within a galaxy. A two-sample KS test between the \u03c3pc distribution of the Galactic disk clouds \f6 and that of the Galactic center clouds gives a p-value p = 5 \u00d7 10\u221220, indicating they are statistically different. It follows then that CBTCs and hence Larson\u2019s Relation may vary across galaxies and in different environments within galaxies. This prediction is supported by recent observations of molecular clouds in other galaxies (e.g., Donovan Meyer et al. 2013; Hughes et al. 2013; Colombo et al. 2014; Krieger et al. 2020). Historically, from Eq (1) we see that, if one insists expressing the Larson\u2019s \ufb01rst relation with the exponent close to 0.5, the original Larson\u2019s \ufb01rst relation would be gas cloud surface density dependent, a point later re-iterated (Heyer et al. 2009). But if the range in \u03a3R is suf\ufb01ciently narrow, one would obtain the original scale of a slope of 1/2, which may be the reason for that result obtained by Larson (1981). Thus, the original Larson\u2019s \ufb01rst relation has a limited scope and is applicable only when the range of surface density is narrow enough. In contrast, the revised Larson\u2019s Relation, Eq (4), is expected to be valid universally, except that the strength parameter, \u03c3pc, is expected to vary across different environments and across galaxies. To illustrate this point better, let us express \u03c3pc in terms of direct observables, involving gas surface density. Combining Eq (1) and Eq (4) gives \u03c3pc = \u03b13/10 v ( \u03a3R 341 M\u2299pc\u22122)1/2( R 1pc)\u22121/10 km/s. (10) The large difference between the Larson\u2019s Relation for the disk clouds and the Galactic center clouds strongly indicates an important role played by turbulence and that the CBTCs in the disk and at the Galactic centers are different, since gravity is the same. While one may use Eq (4) or Eq (10) or other variants to drive \u03c3pc empirically with three observables, such a derivation does not address the physical origin of the magnitude of \u03c3pc. A simple top-down illustrative method to derive \u03c3pc is given in \u00a74. We should note that our adoption of the Kolmogorov turbulence spectrum is largely motivated by available simulations. The obtained consistency with observations suggests it may be valid. The agreement with the observed fractal dimension in \u00a73 is consistent with Kolmogorov spectrum as well. Nonetheless, in general, the turbulence spectrum may not adhere strictly to that of Kolmogorov type. A more general form of Eq (4) may be written as \u03c3R \u221d\u03b11/5 v R(3\u03c6+2)/5. (11) For the Kolmogorov turbulence, we have \u03c6 = 1/3, which yields an exponent of 0.6. For Burgers (1948) turbulence, we have \u03c6 = 1/2, corresponding to an exponent 0.7, while the turbulence in a strong magnetic \ufb01eld may have a Iroshnikov-Kraichnan (Iroshnikov 1964; Kraichnan 1965) type with \u03c6 = 1/4, which would yield an exponent of 0.55. If one were to ascribe the difference in the exponent for the Galactic disk and Galactic center clouds to physical differences in the respective turbulence, one possible exit is that the turbulence on the Galactic disk is closer to that of Iroshnikov-Kraichnan type than the turbulence at the Galactic center. This requires further work to clarify that is beyond the scope of this paper. Nonetheless, none of different types of turbulence is expected to yield the conventional exponent for the Larson\u2019s Relation of 0.5. Another point maybe worth noting is that there are clouds with \u03b1v < 1, i.e., over-virialized clouds. Obviously, these clouds seem unlikely to be evolutionary descendants of clouds that had \u03b1 = 1 and subsequently endured some gravitational collapse. If that were the case, it would imply a turbulence dissipation time signi\ufb01cantly less than the free-fall time of the system, inconsistent with simulations (e.g., Stone et al. 1998). Therefore, we suspect that these low \u03b1v systems are a direct product of \f7 turbulence, clouds that have relatively low velocity dispersion for their gravitational strength and are probably transient, due to the randomness of the turbulence. To further clarify the nature of these special clouds, we show in Figure (2) the cloud mass as a function of its virial parameter. To our surprise, clouds with \u03b1v < 1 span the entire mass range. This may be consistent with the randomness of the turbulence suggested above. We note, however, that some of the most massive clouds (\u2265106 M\u2299), i.e., giant molecular clouds, may be a collection of uncommunicative, smaller clouds in an apparent contiguous region, where the measured velocity dispersions re\ufb02ect those of their smaller constituents, while the overall gravitational energy increases with congregation; we note that the velocity dispersion in this case may be signi\ufb01cantly anisotropic. Finally, the ubiquitous existence of gravitationally unbound clouds is simply due to insuf\ufb01cient gravitational force relative to the turbulence velocity \ufb01eld in these clouds. A point made here is that gravitationally unbound clouds are not necessarily those that become gravitationally bound \ufb01rst and later become unbound due to internal stellar feedback or cloud-cloud collisions (e.g., Dobbs et al. 2011). In Figure (2) it is seen that the clouds at the Galactic center (black squares) show a noticeable gap in mass, from \u223c3 M\u2299to \u223c30 M\u2299. It is not clear to us what might have caused this. There is a separate ridge (horizontally oriented) of clouds near the bottom of the plot for the Galactic center clouds with masses around one solar mass. These low mass clouds appear to be mostly unbound. While it is not de\ufb01nitive, these clouds may be the counterpart of sub-solar mass clouds on the Galactic disk called \u201cdroplets\" with odd \u201cvirial\" properties (Chen et al. 2019a,b), although we are not sure why their typical mass is about 1 M\u2299instead of \u223c0.4 M\u2299found for the droplets. These small systems have large virial parameters but remain bound by external (thermal and turbulent) pressure. The connection between these systems and the CBTC that we envision here may no longer be direct, and considerations of some additional physics may be required to place these systems also within the general framework outlined here. We defer this to a later work. Another word to further clarify the physical meaning of Eq (4) may be in order, which, let us recall, is a result derived based on the joint action of the statistical order imposed by turbulence of strength \u00af \u03c3pc (with a small dispersion) and the natural selection effect by self-gravity, with (the inverse of) \u03b1v describing the strength of the latter acting against the former. If \u03b1v is much greater than unity, gravitational force would be too feeble to hold the cloud together long enough to dissipate the excess energy to allow for further consistent gravitational contraction in the presence of internal and external disruptive force of turbulence. Thus, the observed clouds with \u03b1v greatly exceeding unity that are products of supersonic turbulence are likely transient in nature. Nonetheless, they may be useful for some physical analysis. They may be considered good candidates for analyses where a statistical equilibrium is a useful assumption. At the other end, when \u03b1v is close to unity, gravitational collapse of a cloud may ensue, detaching it from the parent CBTC. However, as noted in Figure (2), one should exercise caution to treat clouds with an apparent \u03b1v less than unity that may not be genuinely coherent gravitational entities, ready to run away and collapse. We shall not delve into this further but note that these apparently over-virialized clouds may not possess the usual gravitationally induced density strati\ufb01cation and may lack a coherent structure (such as a well de\ufb01ned center). \f8 Figure 2. shows cloud mass as a function of \u03b1v for the Galactic disk clouds (open red circle) and Galactic center clouds (open black squares). The two vertical lines indicate clouds with \u03b1v = 1 and 2, respectively, for reference. 3. FRACTAL DIMENSION OF THE ISM Using Eq (1) and Eq (4), we may express the cloud density-size relation: nR = \u03b1\u22123/5 v 153 44\u03c0 \u03c32 pc Gmp(1pc)2( R 1pc)\u22124/5 = 1.0 \u00d7 104\u03b1\u22123/5 v ( \u03c3pc 1 km/s)2( R 1pc)\u22124/5 cm\u22123, (12) where nR is the mean hydrogen number density within radius R and mp is proton mass. Then, the size-cloud mass relation follows: MR = 2.6 \u00d7 102\u03b1\u22123/5 v ( \u03c3pc 1 km/s)2( R 1pc)11/5 M\u2299. (13) Since \u03b1v and R are uncorrelated, for clouds generated by a same CBTC (a \u03c3pc with dispersion), we see that MR \u221dR11/5. This mass-size relation with a slope of 2.2 is in excellent agreement with observed value of 2.2 \u00b1 0.1 (Heyer et al. 2001), and 2.36 \u00b1 0.04 (Roman-Duval et al. 2010). There are many different techniques used to measure cloud mass and size. We stress that the size-mass relation depends on how clouds are de\ufb01ned or selected. For the same reason that the original Larson\u2019s size-velocity dispersion relation has an exponent of 1/2, the original Larson\u2019s sizemass relation has an exponent of 2. Both are due to a small surface density range of the clouds (e.g., Beaumont et al. 2012). The exponent in Eq (13) expresses the size-mass relation for clouds at a \ufb01xed virial parameter. \f9 In the context of a fractal, self-similar structure, which may approximate the ISM reasonably well, Eq (13) indicates that the fractal dimension of the ISM is D = 2.2 (Mandelbrot 1983) with the implied size function of the form n(L)dL \u221dL\u2212D\u22121dL \u221dL\u221216/5dL. (14) The slope 16/5 in Eq (14) is in excellent agreement with the observed value of 3.2\u00b10.1 for CO detected molecular clouds in the Milky Way spanning the range of \u223c1 \u2212100pc (Heyer et al. 2001). The fractal dimension of the ISM of D = 2.2 corresponds to density power spectrum of Pk \u221dkD\u22123 \u221d k\u22120.8. It is helpful to have an intuitive visualization of this outcome. In the process of energy transmitting downward along the spatial/mass scale via supersonic motion, shocks and radiative cooling, density structure (density \ufb02uctuation spectrum) is generated. In three dimensional space, an ideal, long and uniform \ufb01lament will have a density power spectrum Pk \u221dk\u22121 on scales below the length of the \ufb01lament. Similarly, a uniform sheet corresponds to Pk \u221dk\u22122, whereas a point corresponding to a density power spectrum of Pk = k0. In absence of self-gravity, compressive supersonic turbulence with suf\ufb01cient cooling has the tendency to form \ufb01laments where two planar shocks intersect. In realistic situations with self-gravity, \ufb01laments have varying lengths and the actual density power spectrum is expected to deviate somewhat from this, depending on the nature of driving and energy distribution of the driving, and the power spectrum is in general Pk \u221dk\u2212\u03b2 with \u03b2 < 1. Nevertheless, as long as the energy in the turbulence is dominated on the large scales, \u03b2 is not likely to be much less than unity. Thus, we see that the Kolmogorov compressive turbulence generated, gravitationally signi\ufb01cant structures, in the presence of rapid radiative cooling, have a density structure that is dominated by \ufb01lamentary structures with a small mixture of knots. 4. ESTIMATE \u03c3PC FOR VISCOUSLY DRIVEN TURBULENCE In the normal situation where star formation occurs on a disk, it is reasonable to assume that the radius of the largest turbulence \u201ccloud\", which will be the driving scale of the CBTC, is equal to the scale height of the disk for isotropic turbulence. This driving scale, Rd, can be expressed as Rd = CRg\u03c32 d(Rg) v2 c(Rg) , (15) where \u03c3d(Rg) is the velocity dispersion on the driving scale Rd at a galacto-centric radius Rg, which is also the vertical dispersion, vc(Rg) is the circular velocity at radius Rg, and C is a constant of order unity to absorb uncertainty. We shall assume that the energy source is the rotational energy at the location, where the turbulence may be driven by some viscous processes on the disk. With such an assertion, one can relate \u03c3d to Rd by \u03c3d = 2BRd\u2126(Rg), (16) where \u2126(Rg) is the angular velocity at the radius Rg for a Mestel disk that we will adopt as a reasonable approximation, and B is another constant of order unity to absorb uncertainty. For a gas cloud (assumed to be uniform) of radius Rd, we can express the virial parameter by \u03b1d = 3\u03c32 d(Rg) 3 5 GMd Rd = 15\u03c32 d 4\u03c0G\u03c1dR2 d , (17) where \u03c1d is the gas density at the driving scale. With Eq (15,16,17) we can compute \u03c3pc using Eq (4); \u03c3pc = 0.44 km/s( D 2.3)\u22121/5( \u03a3d 5 M\u2299pc\u22122)1/5( vc 220 km/s)3/5( Rg 8kpc)\u22122/5, (18) \f10 where we have de\ufb01ned another constant D \u2261B/C. Eq (18) is expressed such that if the \ufb01ducial values are taken, we obtain \u03c3pc = 0.44 km/s for disk clouds center near the solar radius, as derived earlier (see Eq 9). Aside from the unknown combination of D, all other \ufb01ducial values are well observed, including the gas surface density of 5 M\u2299pc\u22122 (e.g., Sofue 2017). Interestingly, if we use the same D = 2.9 value along with the relevant values for other parameters for the Galactic center, \u03a3d = 30 M\u2299pc\u22122 (Sofue 2017), Rg = 500pc (within which the Galactic center clouds are observed), vc = 250 km/s (Sofue 2017), we obtain \u03c3pc = 2.1 km/s, larger than the value of 1.08 km/s \u00b1 0.01dex, derived for the clouds at the Galactice center (see Eq 9). Although the expectation that \u03c3pc at the Galactic center is larger than that on the Galactic disk is in agreement with the derived values, the numerical discrepancy may be due to a number of causes. It may be in part due to different observational systematics for disk clouds and center clouds. It may be in part due to that the treatment of the central region of the Galaxy as a disk breaks down or that the effective viscosity in the two regions are different. It is notable that our simple calculations do not require participation of some other physical processes that might be relevant, including magnetic \ufb01eld, stellar feedback. While this is not a vigorous proof of the veracity of our assumptions, the found agreement between the predicted \u03c3pc and the directly calculated value for the Galactic center clouds is a validation of our basic assumptions and the resulting outcomes, that is, turbulence and gravity play a dominant role in shaping the interstellar medium and the formation of clouds down to at least the sonic scale. 5."
+ },
+ {
+ "url": "http://arxiv.org/abs/2001.11083v1",
+ "title": "Physics of Prodigious Lyman Continuum Leakers",
+ "abstract": "An analysis of the dynamics of a star formation event is performed. It is\nshown that galaxies able to drive leftover gas to sufficient altitudes in a few\nmillion years are characterized by two basic properties: small sizes (<1kpc)\nand high star formation rate surface densities (Sigma_SFR > 10 Msun/yr/kpc2).\nFor the parameter space of relevance, the outflow is primarily driven by\nsupernovae with radiation pressure being significant but subdominant. Our\nanalysis provides the unifying physical origin for a diverse set of observed\nLyC leakers, including the green-peas galaxies, [SII]-weak galaxies,\nLyman-alpha emitters, with these two characteristics as the common denominator.\nAmong verifiable physical properties of LyC leakers, we predict that (1) the\nnewly formed stellar masses are are typically in the range of 1e8-1e10 Msun,\nexcept perhaps ULIRGs, (2) the outflow velocities are typically in the range\ntypically of 100-600km/s, but may exceed 1e3 km/s in ULIRGs, with a strong\npositive correlation between the stellar masses formed and the outflow\nvelocities, (3) the overall escape fraction of galaxies is expected to increase\nwith increasing redshift, given the cosmological trend that galaxies become\ndenser and more compact with increasing redshift. In addition, two interesting\nby-product predictions are also borne out. First, ULIRGs appear to be in a\nparameter region where they should be prodigious LyC leakers, unless there is a\nlarge ram-pressure. Second, Lyman break galaxies (LBGs) are not supposed to be\nprodigious LyC leakers in our model, given their claimed effective radii\nexceeding 1kpc.",
+ "authors": "Renyue Cen",
+ "published": "2020-01-29",
+ "updated": "2020-01-29",
+ "primary_cat": "astro-ph.GA",
+ "cats": [
+ "astro-ph.GA"
+ ],
+ "main_content": "Introduction Understanding how Lyman continuum photons (LyC) escape from galaxies is necessary for understanding the epoch of reionization (EoR), one of the last major frontiers of astrophysics. High resolution cosmological hydrodynamic galaxy formation simulations have widely evidenced that supernova feedback driven blastwaves are the primary facilitator to evacuate or create major pores in the interstellar medium to enable the escape of LyC (e.g., Wise & Cen 2009; Kimm & Cen 2014; Cen & Kimm 2015; Ma et al. 2016; Kimm et al. 2019). Since LyC escape is not directly measurable 1Princeton University Observatory, Princeton, NJ 08544; cen@astro.princeton.edu arXiv:2001.11083v1 [astro-ph.GA] 29 Jan 2020 \f\u2013 2 \u2013 at EoR due to its limited mean free path, it is imperative to ascertain this unknown by establishing observable proxies for the escape fraction, fesc, when both proxies and fesc are measurable at lower redshift, based upon a satisfactory physical understanding. Observationally, in the low-z (z < 0.4) universe the majority of galaxies with large fesc values turn out to belong to the compact, so-called green-peas galaxies from the SDSS sample, characterized by their low stellar masses, low metallicities, very strong nebular emission-lines (H\u03b2 equivalent widths > 200\u02da A) and very high \ufb02ux ratios of [OIII]5007/[OII]3727 > 5 (e.g., Schaerer et al. 2016; Izotov et al. 2016a,b, 2018a,b, 2019). Interestingly, the green-peas galaxies have star-formation rate surface densities of 10 \u2212100 M\u2299yr\u22121kpc\u22122, which are much higher than typical star-forming galaxies in the local universe but may be similar to those at EoR. Another class of low redshift galaxies that have high LyC escape fraction is identi\ufb01ed by their high Ly\u03b1 emission (e.g., Verhamme et al. 2015, 2017), which typically have star-formation rate surface densities of \u223c10 M\u2299yr\u22121kpc\u22122. At z \u223c3 LyC escape is detected in dozens of individual galaxies (e.g., Mostardi et al. 2015; Vanzella et al. 2016; Shapley et al. 2016; Steidel et al. 2018), some of which also show intense [OIII] emission that are consistent with low-z observations and characteristic of galaxies at EoR (e.g., Fletcher et al. 2019). Furthermore, recently, another set of galaxies with relatively weak [SII] nebular emission lines are also observed to show high LyC escape (Wang et al. 2019). The low-redshift green-peas galaxies, z \u223c3 high LyC leakers and the [SII]-weak LyC leaking galaxies are di\ufb00erent in various respects, such as stellar mass, metallicity, dust content and ISM properties. But all appear to share two common characteristics: all four have very high star-formation rate surface densities and relatively compact sizes. This Letter aims to understand if supernova feedback may be the common physical process that underwrites the commonality shared by these di\ufb00erent classes of galaxies observed. We will show that this is indeed the case. This \ufb01nding thus provides a physical basis to help identify galaxies with high LyC leakage at the epoch of reionization by indirect but robust markers that can be established at more accessible redshift and for why dwarf galaxies at EoR are much more capable of enabling high LyC escape fraction than typical low redshift counterparts. 2. Physics of Lyman Continuum Leakers We explore if gas density-bound structures in star forming galaxies may be produced. The following treatment is undoubtedly simpli\ufb01ed but capture the essence of the physics, and is primarily a means to identify likely physical parameter space that is relevant for making galaxies with high LyC escape fractions. A gas cloud of initial mass Mgas,0 with a half light radius rh and a star formation rate SFR gives rise to an outward radial force on the gas cloud itself due to supernova explosion generated radial momentum equal to FSN = SFR \u00d7 pSN \u00d7 M \u22121 SN, (1) where pSN = 3 \u00d7 105 M\u2299km/s is the terminal momentum generated per supernova (e.g., Kimm & Cen 2014), MSN is the amount of stellar mass formed to produce one supernova, which is equal to \f\u2013 3 \u2013 about (50, 75, 100) M\u2299for (Chabrier, Kroupa, Salpeter) initial mass function (IMF), respectively. The exact value of pSN weakly depends on density and metallicity of the ambient gas. For simplicity without loss of validity given the concerned precision of our treatment, we use the above \ufb01ducial value. Another mechanical form of feedback from massive stars is fast stellar winds due to O stars. The total energy from stellar winds is about a factor of ten lower than the total energy from supernovae (e.g., Leitherer et al. 1999). Since stellar winds roughly track core collapse supernovae, we simply omit stellar winds bearing a loss of accuracy at 10% level. The second important outward force on the gas is the radiation pressure on dust grains, equal to Frad = SFR \u00d7 \u03b1 \u00d7 c [1 \u2212exp (\u2212\u03a3gas\u03baUV )] (1 + \u03a3gas\u03baFIR), (2) where \u03b1 = 3.6 \u00d7 10\u22124 is an adopted nuclear synthesis energy conversion e\ufb03ciency from rest mass to radiation, c speed of light, \u03baUV = 1800cm2 g\u22121 and \u03baFIR = 20cm2 g\u22121 the opacity at UV (e.g., Draine 2003) and dust processed radiation far infrared (FIR) radiation (e.g., Lenz et al. 2017), respectively, \u03a3gas the surface density of the gas. The exact value of \u03baUV matters little in the regime of interest but variations of the value of \u03baFIR does matter to some extent. To place the two forces in relative terms, we note that at \u03a3gas = 1.3 \u00d7 104 M\u2299pc\u22122, the radiation pressure due to IR photons equals the ram pressure due to supernova blastwaves, with the former and latter dominating at the higher and lower surface densities, respectively. There are two relevant inward forces. The mean gravitational force, when averaged over an isothermal sphere, which is assumed, is Fg = ln(rmax/rmin)GMgas,0Mgas(t) 4r2 h , (3) where rmin to rmax are minimum and maximum radii of the gas cloud being expelled. For our calculations below we adopt rmin = 100pc and rmax = rh; the results depend weakly on the particular choices of these two radii. We note that Mgas(t) is the remaining mass of the gas cloud when it starts to be lifted at time tL by the combined force of supernova driven momentum \ufb02ux and radiation momentum \ufb02ux against inward forces, with Mgas,0 \u2212Mgas(tL) having formed into stars. Another inward force is that due to ram pressure, which we parameterize in terms of gas infall rate in units of star formation rate: Frp = \u02d9 Minfvinf = \u03b7 \u00d7 SFR \u00d7 \u0012GMgas,0 rh \u00131/2 , (4) where \u03b7 is the ratio of mass infall rate to SFR. The relevant physical regime in hand is how to drive the gas by the combined force of supernovae and radiation against the combined force of gravitational force and ram-pressure. A key physical requirement, we propose, is that the feedback process needs to promptly lift the entire remaining gas cloud to a su\ufb03cient height such that it piles itself into a (thin) shell that subsequently fragments while continuing moving out, in order to make a copious LyC leaker. It seems appropriate to de\ufb01ne \u201ca su\ufb03cient height\u201d as a height on the order of rh, which we simplify to be just rh. The above \f\u2013 4 \u2013 de\ufb01nition may be expressed as (FSN + Frad \u2212Fg \u2212Frp)(th \u2212tL) = Mgas(tL)vh and 2rh = (th \u2212tL)vh, (5) where vh is the shell velocity when reaching rh at time th, and Mgas(tL) is the gas cloud mass at tL when it begins its ascent. 0 1 2 3 log t (Myr) -5 -4 -3 -2 log NccSN (yr-1) per SFR=1Msun/yr from t=0 Fig. 1.\u2014 shows the supernova rate for a star formation event at a star formation rate of 1 M\u2299/yr starting at time t = 0 as a function of time. This plot is produced using Eq (A.2) of Zapartas et al. (2017) of the core-collapse supernova rate including both single stars and binary mergers. We note that at t \u2265200Myr the saturation rate corresponds to one supernova per 78 M\u2299of stars formed, approximately in agreement with what a Kroupa IMF gives. We may relate the initial gas mass Mgas,0 to SFR that is observable by using an empirically found relation: SFR = c\u2217Mgas,0/tdyn, (6) where G is the gravitational constant, tdyn = q 3\u03c0 32G\u03c1t is the dynamical time of the system with \u03c1t being the total density, the sum of gas and stars within rh, star formation e\ufb03ciency per dynamical time is found to be c\u2217= 0.01 (Krumholz et al. 2012). Note that the SFR above is the SFR up to the time tL, when it is shut down upon the uplift of the gas cloud. \f\u2013 5 \u2013 We compute the rate of supernova explosion more precisely. This is needed because as soon as the combined outward force of supernova feedback and radiation pressure is stronger than inward forces at time tL, we need to stop star formation then. It is possible in some cases that the star formation has not lasted long enough to reach the saturation supernova rate. We use a recent, comprehensive analysis of Zapartas et al. (2017) that takes into account both single and binary stellar populations, including supernovae due to binary mergers. We convolve the \ufb01tting formula (A.2) in Zapartas et al. (2017) that is composed of three separate temporal segments, 3 \u221225Myr and 25 \u221248Myr due to massive single stars and 448 \u2212200Myr due to binary merger produced corecollapse supernovae, with a constant star formation rate SFR (Eq 6) starting at time t = 0. Figure (1) shows the resulting instantaneous supernova rate as a function of time for a star formation event at a constant SFR = 1 M\u2299/yr. Then, MSN(t) = 1 M\u2299/NccSN (where NccSN is the y-axis shown in Figure 1) as a function of time since the start of the starburst, in lieu of a constant value of MSN that is the saturation value at t \u2265200Mpr, in Eq (1), where appropriate. We note that at t \u2265200Myr the saturation rate corresponds to one supernova per 78 M\u2299of stars formed, approximately corresponding to a Kroupa IMF. Figure (2) shows the results by integrating Eq (5). The solid red contours labelled in units of Myr shows the time, th \u2212tL, which it takes to drive the gas to an altitude of rh. Earlier we have mentioned the need of \u201cpromptly\u201d driving the gas away, which we now elaborate. For any starburst event, massive O stars formed that dominate the LyC radiation die in about 5Myr. Therefore, the time elapsed since the end of the starburst of the observed prodigious LyC leakers should not be longer than that time scale, i.e., th \u2212tL \u22645Myr. Comparing the th \u2212tL = 5Myr contour with the black solid triangles indicates that all the observed LyC leakers lie in the parameter region with th \u2212tL \u22645Myr, except J0921 with rh = 0.78kpc, SFR = 7.68 M\u2299yr\u22121 and M\u2217= 6.3 \u00d7 1010 M\u2299 and J0926 with rh = 0.69kpc, SFR = 3.47 M\u2299yr\u22121 and M\u2217= 1.3 \u00d7 109 M\u2299(Alexandro\ufb00et al. 2015). In the entire region of possible prodigious LyC leakers we point out that the outward force is dominated by supernova driven momentum, although in a thin top-left wedge region the radiation pressure alone is also able to counter the gravity. It is very clear that all LyC leakers live in a parameter space generally denoted as Lyman alpha emitters, as indicated by the large, cyan-shaded region (e.g., Gawiser et al. 2007; Bond et al. 2009). However, it is also clear that not all LAEs are LyC leakers, as noted by the magenta dots that are observed to be LyC non-leakers. We interpret this as that the gas being lifted by the supernova driven momentum is fragmentary such that obscuration or transparency of the LyC sources are sightline dependent even when the gas cloud as a whole is expelled to a high altitude. We note that, if one includes binary evolution e\ufb00ects, such as merger produced blue stragglers or stripped hot helium stars, additional O stars like stars will emerge with some delay of order 10Myr. Each of these two delayed components may mount to about 10% of LyC photons produced by initial starburst (Eldridge et al. 2017). This may be a signi\ufb01cant addition of LyC sources. Nevertheless, given the closely spaced red contours in Figure (2), we see that none of our conclusions will be signi\ufb01cantly altered, if we use th \u2212tL = 10Myr instead of th \u2212tL = 5Myr. In the right-side, large gulf region occupying about one half of the plot area, gravity dominates over the combined outward force of supernova explosion driven momentum \ufb02ux and radiation pressure. In this region, no complete lift-up of gas to rh is possible regardless of the duration of \f\u2013 6 \u2013 Fig. 2.\u2014 shows the time that it takes to evacuate the gas to an altitude of rh, th\u2212tL, as the solid red contours labelled in units of Myr, with labels \u201c1\u201d, \u201c3\u201d, \u201c5\u201d, \u201c10\u201d, \u201c30\u201d and \u201c100\u201d. Shown as dotted black contours are the log of the stellar mass in units of M\u2299formed from this episode, with labels \u201c8\u201d, \u201c9\u201d, \u201c10\u201d and \u201c11\u201d. The dashed blue contours depict the radial velocity of gas being lifted in units of km/s, with labels \u201c10\u201d, \u201c30\u201d, \u201c100\u201d, \u201c300\u201d and \u201c600\u201d. The shaded light blue, light green, light red and dark blue regions indicate approximately regions normally referred to Lyman alpha emitters (LAEs), Lyman break galaxies (LBGs) at high redshift, ultra luminous infrared galaxies (ULIRGs), and z \u223c1 star-forming but non-LyC leaking dwarf galaxies, respectively. The LAE region is obtained by using a radius range of 0.1 \u22121.4kpc and a range of SFR of 1 \u2212100 M\u2299yr\u22121 (e.g., Gawiser et al. 2007; Bond et al. 2009). The LBG region is obtained by using a radius range of 1.2 \u22122.5kpc and a range of SFR of 5 \u2212100 M\u2299yr\u22121 (Giavalisco 2002). The ULIRG region is approximately delineated by a radius range of 0.1\u22121.5kpc and a range of SFR of 120\u22121200 M\u2299yr\u22121 (e.g., Spence et al. 2018). The location of the Milky Way galaxy is indicated by a black star near the lower-right corner. The sample of star-forming but non-LyC leaking dwarf galaxies at z \u223c1 with SFR < 10 M\u2299yr\u22121 (Rutkowski et al. 2016) is the blue shaded region labelled as \u201cz \u223c1 SFR < 10 M\u2299/yr\u201d. Finally, the observed galaxies with large LyC escape fractions are shown as black downward-pointing triangles from various sources (e.g., Alexandro\ufb00et al. 2015; Izotov et al. 2016a,b, 2018a,b; Wang et al. 2019), where some galaxies known as LAEs but with little LyC escape are shown as solid magenta dots (Alexandro\ufb00et al. 2015). In all cases for M\u2217, rh and SFR of observed LyC leakers and non-leakers we use updated values from Wang et al. (2019). the star formation episode. This region contain the blue shaded region labelled as \u201cz \u223c1 SFR \f\u2013 7 \u2013 < 10 M\u2299/yr\u201d, which is a sample of star-forming dwarf galaxies at z \u223c1 with SFR < 10 M\u2299yr\u22121 that do not show signi\ufb01cant LyC leakage (Rutkowski et al. 2016). The fact that this region lies in the region of the parameter space that is part of the LAE region and indeed is expected not to have large LyC escape is quite remarkable, because the author was not aware of this data set until was brought attention to it by the referee. Also in the large gulf region are the LBGs, as indicated by the green-shaded region (Giavalisco 2002), suggesting that LBGs are not likely to be copious LyC leakers. However, recent observations (Steidel et al. 2018) indicate a mean fesc = 0.09 \u00b1 0.01 for a subsample of LBGs. This directly contradicts our conclusions. One possible way of reconciliation is that the observed e\ufb00ective radii of LBGs in UV may be over-estimates of the e\ufb00ective radii of the star-forming regions; if the actual radii of star-forming regions are in the range of 300\u2212500pc, LBGs would be located in the region of LyC leakers. Alternatively, star-forming regions of LBGs may be composed of much more compact sub-regions. While not direct proof, it is intriguing to note that Overzier et al. (2009) \ufb01nd that the three brightest of their sample of thirty galaxies low-redshift analogs of LBGs at z = 0.10.3 that they examine in detail indeed have very compact sizes, with e\ufb00ective radii no larger than 70 \u2212160 pc. Thus, it would be signi\ufb01cant to carry out high resolution FIR observations, such as by ALMA, of LBGs to verify if the total star-forming regions are in fact more compact. As another example, the star near the bottom-right is the location of the Milky Way, which is also inside the LyC non-leaker region. So our Galaxy is unlikely to be a very good LyC leaker for an extragalactic observer. On the other hand, a class of very luminous galaxies ULIRGs occupies a region that may straddle the LyC leaker and non-leaker region. ULIRGs are in a special region of the parameter space. It is known that ULIRGs are copious FIR emitters, not known to be LyC leakers. We suggest that ULIRGs may belong to a class of its own, where ram-pressure due to gas infall may have helped con\ufb01ne the gas to (1) make them LyC non-leakers and (2) allow for star formation to proceed over a much longer period than indicated by the red contours, despite the strong outward momentum \ufb02ux driven by ongoing star formation. One way to test this scenario is to search for redshifted 21 cm absorption lines in ULIRGs, if suitable background radio quasars/galaxies or intrinsic central radio quasars/galaxies or possible other bright radio sources. Nevertheless, we would like to point out that ULIRGs should vary as well. Imagine a merger or other signi\ufb01cant event drives an episode of cold gas in\ufb02ow. The episode spans a period and the starburst triggered goes from the initial phase of buildup when the star formation rate is extremely subdominant to the in\ufb02ow gas rate. An estimate of possible gas in\ufb02ow rates is in order to illustrate the physical plausibility of this scenario. Let us assume that a merger of two galaxies each of halo mass of 1012 M\u2299and gas mass 1.6 \u00d7 1011 M\u2299triggers a ULIRG event and that 10% of the total gas mass falling onto the central region of size 1kpc at a velocity of 300 km/s. Then we obtain a gas infall rate of \u02d9 Min = 1.0\u00d7104 M\u2299yr\u22121, which would correspond yield \u03b7 = (100, 10) for SFR equal to (100, 1000) M\u2299yr\u22121, respectively. In Figure (3) we see that, once the infall rate drops below about 30 times the SFR, gas in ULIRGs would be lifted up by supernovae. This leads to a maximum SFR in ULIRGs that is estimated as follows using this speci\ufb01c merger example. During the buildup phase of the ULIRG, since the gas infall rate exceeds greatly the SFR, one can equate the gas mass to the total dynamical mass. Thus, we have SFR = c\u2217Mgas[r/(GMgas/r)1/2]\u22121. Equating \u03b7SFR (with \u03b7 = 30) to \u02d9 Min, we \ufb01nd the amount of gas accumulated at the maximum gas mass is \f\u2013 8 \u2013 Mgas,max = 6.3 \u00d7 1010 M\u2299, corresponding to a maximum SFR SFRmax = 330 M\u2299yr\u22121 in this case. Thus, our analysis indicates that the physical reason for an apparent maximum SFR in ULIRGs and SMGs may be due to a competition between the maximum ram-pressure con\ufb01nement of gas and internal supernovae blastwave and radiation pressure. This contrasts with and calls into question the conventional view of radiation-pressure alone induced limit on maximum SFR (e.g., Thompson et al. 2005). We deferred a more detailed analysis on this subject to a separate paper. At a later point in time it may be transitioned su\ufb03ciently rapidly, at least for a subset of ULIRGs, to a phase that is ubiquitous in out\ufb02ows. Some ULIRGs at this later phase may become signi\ufb01cant LyC leakers, if and when the gas in\ufb02ow rate drops below about 10 times SFR, as shown in Figure (3) by varying the ram-pressure (the \u03b7 parameter, see Eq 4). This new prediction is in fact consistent with some observational evidence that shows signi\ufb01cant Ly\u03b1 and possibly LyC escape fractions in the advanced stages of ULIRGs (e.g., Martin et al. 2015). These ULIRGs also seem to show blueshifted out\ufb02ow. It ought to be noted that their measured fesc is relative to the observed FUV luminosity (i.e., the unobscured region) but not relative to the total SFR, which is di\ufb03cult to measure. Thus, the escape of LyC in these late stage ULIRGs is a relative statement compared to ULIRGs that are ram-pressure con\ufb01ned and are not LyC leakers in the sense that, although in the former the stellar feedback processes may be able to lift gas up, likely still substantial in\ufb02ow gas may be able to continue to provide a large amount of obscuring material, albeit less than at earlier phase with a stronger ram-pressure con\ufb01nement and heavier obscuration. Let us now turn to the black dotted contours showing the log of the stellar mass in units of M\u2299formed from this episode presumably triggered by a gas accretion event. Two points are worth noting here. First, in the region where LyC leakers are observed, the expected stellar mass formed in a single star formation episode is in the range of 108 \u22121010 M\u2299. The observed green-peas galaxies (e.g., Schaerer et al. 2016; Izotov et al. 2016a,b, 2018a,b, 2019) have stellar masses indeed falling in this range. This suggests that a large fraction or all of the stars in green-peas galaxies may be formed in this most recent star formation episode. However, some of the [SII]-weak selected galaxies have stellar masses signi\ufb01cantly exceeding 1010 M\u2299(Wang et al. 2019). We suggest that in those cases a large fraction of the stars are formed in previous star formation episodes and spatially more extended than the most recent episode. In both cases green-peas galaxies and [SII]-weak galaxies given the central concentration of this most recent star formation episode, it is likely triggered by a low-angular momentum gas in\ufb02ow event. It would be rewarding to searches for signs of such a triggering event, such as nearby companions or post merger features. Second, there are discontinuities of the contour lines going from the gravity-dominated lower-right region to the outward force dominated upper-left region. This is because, while the gas forms to stars unimpeded in the former, a portion of the gas is blown away in the latter. Finally, let us turn our attention to the velocity of the gas moving out, as indicated by the blue dashed contours. We see that the outward velocity is in the range of 100 \u2212600 km/s. This is a prediction that can be veri\ufb01ed by observations when a reasonably large set of data becomes available. Worth noting is that LyC leakers do not necessarily possess outsized out\ufb02ow velocities. At the present time, the sample of LyC leakers is still relative small but the approximate range of wind speeds in the range of 150\u2212420 km/s if one uses directly the separation of Ly\u03b1 peaks as a proxy \f\u2013 9 \u2013 Fig. 3.\u2014 Top panel is similar to Figure (2) with one change: \u03b7 = 10 is used here instead of \u03b7 = 0 (see Eq 4) in Figure (2). Bottom panel is similar to the top panel with \u03b7 = 30. \f\u2013 10 \u2013 Fig. 4.\u2014 shows the median velocity as a function of stellar mass formed in the episode, along with lower and upper quartiles shown as the errorbars, for two cases with \u03b7 = 0 and \u03b7 = 30. (Izotov et al. 2016b,a). We note that given the scattering e\ufb00ects of Ly\u03b1 photons the separation of Ly\u03b1 peaks generally may only represent an upper limit on the velocity dispersion, which in turn may be on the same order of the out\ufb02ow velocity. For a general comparison to young star-forming galaxies without considering LyC escape, Bradshaw et al. (2013) \ufb01nd out\ufb02ow velocities typically in the range of 0 \u2212650 km/s for young star-forming galaxies with stellar mass of \u223c109.5 M\u2299, which is consistent with predicted velocity range. Finally, Chisholm et al. (2017) \ufb01nd that LyC leakers (with fesc \u22655%) spans an out\ufb02ow velocity range of 50\u2212500 km/s (probed by Si II), consistent with our model. Henry et al. (2015) show out\ufb02ow velocities probed by a variety of ions from Si II to Si IV of a range of 50 \u2212550 km/s for green pea galaxies, consistent with our model once again. Because the velocity contours are more parallel than perpendicular to the stellar mass contours, a related prediction is that the out\ufb02ow velocity is expected to be positively correlated with the newly formed stellar mass. Figure (4) shows the median velocity as a function of stellar mass formed in the episode, along with lower and upper quartiles shown as the errorbars, for two cases with \u03b7 = 0 and \u03b7 = 30. We see clearly a positive correlation between the out\ufb02ow velocity of LyC leakers and the amount of stars formed in the episode, with median velocity going from \u223c100 km/s at 108 M\u2299 to 600 \u2212700 km/s at 1010 M\u2299. For the very high end of the stellar mass of 1011 M\u2299formed in the episode, the out\ufb02ow velocities are expected to exceed 103 km/s. With more data this unique prediction should be testable. \f\u2013 11 \u2013 3. Comparisons to Some Previous Works We thank the author for the very detailed comparison with the work I suggested. Since the reader might be unfamiliar with the details of the work which spans observations, simulations, and semi-analytical techniques, I suggest an introductory sentence for each paragraph. Heckman (2001) are among the \ufb01rst to attempt to infer the physical conditions of LyC escape in starburst galaxies combining observational evidence with basic physical considerations in the context of a superbubble driven by supernova explosions. They propose that strong starbursts clear channels through the neutral ISM to facilitate LyC escape. They ultimately reach the conclusion that the empirical evidence does not demonstrate that galactic winds inevitably produce large values of LyC escape fraction in local starbursts. In other words, galactic out\ufb02ows appear to be a necessary but not su\ufb03cient condition that creates an ISM porous to ionizing radiation. This idea is advanced here in a quantitative fashion. We show that only very compact, high surface density starbursting regions are capable of evacuating embedding gas su\ufb03ciently promptly to allow for an environment where a signi\ufb01cant amount of LyC escape becomes possible. We argue that this may apply to both a compact starburst at the center of a galaxy or a high density patch of a spatially extended starburst, because the dynamics are the same in both cases. Nevertheless, we agree with Heckman (2001) that even in this case the condition created by compact strong starbursts may be a necessary one, due to variations of obscurations along lines of sight, because in most cases gas is only lifted to a limited altitude forming a gas shell that is presumably prone to fragmentation. In a semi-analytic treatment of escape fraction as a function of star formation surface density, applied to the Eagle simulation, Sharma et al. (2016) adopt a threshold star formation surface density \u03a3SFR = 0.1 M\u2299yr\u22121 kpc\u22122 on a scale of \u223c1kpc, motivated by an apparent threshold for driving galactic winds. Our analysis shows that on 1kpc scale, such a star formation surface density falls short by a factor of 1000 for making conditions to allow for a high LyC escape fraction (see Figure 2). However, when one moves to a smaller size of 0.5kpc, this threshold star formation surface density lands in the region where gas may be driven away but on a time scale much longer than 5Myr. In fact, at \u03a3SFR = 0.1 M\u2299yr\u22121 kpc\u22122 there is no parameter space for a high LyC escape fraction regardless of size. For a star formation surface density \u03a3SFR = 1 M\u2299yr\u22121 kpc\u22122, a region of size \u223c0.1kpc can now possess necessary conditions for a high LyC escape fraction. Thus, the overall LyC escape fraction in Eagle simulation they analyze may have been over-estimated. On the other hand, limited numerical resolution may have caused an underestimation of the star formation surface density in the simulated galaxies there. Thus, the overall net e\ufb00ect is unclear, if all galaxies were resolved and a correct threshold star formation surface density applied. What is likely is that their assessment of the relative contributions of large and small galaxies may have been signi\ufb01cantly biased for large ones due to the lenient condition. Based on an empirical model introduced in (Tacchella et al. 2018) that stipulates the SFR to be dependent on halo accretion rate with a redshift-independent star formation e\ufb03ciency calibrated by N-body simulations, Naidu et al. (2019) analyze how observations of electron scattering optical depth and IGM ionization states may be used to constrain cosmological reionization. Their main assumption is that the LyC escape fraction is constant for all galaxies. Their main conclusion is that bright galaxies (MUV < \u221216) are primarily responsible for producing most of the ionizing photons, \f\u2013 12 \u2013 in order to produce a rapid reionization process consistent with observations. Our analysis indicates that the assumption of a constant LyC escape fraction for all galaxies may be far from being correct. However, if the bright galaxies are dominated by strong compact central starbursts with high star formation surface densities, an assumed constant LyC escape fraction for all galaxies may lead to a conclusion, as they do, that faint galaxies make minor contribution to reionization; this conclusion itself ultimately may not be incorrect, though. It is also worth noting that the galaxy luminosity in their model is substantially shallower than observations below MUV > \u221218. This discrepancy may have, in part, contributed to the more diminished role of faint galaxies in their modeling. These coupled e\ufb00ects suggest an improved, more detailed analysis may be desirable, to better learn the intricate physics. The dynamics for a central starburst analyzed here in principle is applicable to a compact starbursting subregion within a more extended starbursting disk. The complication in the latter case is that neighboring regions on the disk would unavoidably elevate some gas to varying altitudes, resulting in an environment for the compact starbursting region in question that is subject to more obscuring gas, in lines of sight deviated from the polar direction. Nevertheless, we do expect that the LyC escape is, on average, an increasing function of the star formation surface density within an extended starburst, unless ram-pressure becomes a dominant con\ufb01ning process, as likely in the case of most ULIRGs with respect to the star formation rate surface density. 4. Discussion and"
+ },
+ {
+ "url": "http://arxiv.org/abs/1912.04372v1",
+ "title": "On Post-Starburst Galaxies Dominating Tidal Disruption Events",
+ "abstract": "A starburst induced by a galaxy merger may create a relatively thin central\nstellar disk at radius $\\le 100$pc. We calculate the rate of tidal disruption\nevents (TDEs) by the inspiraling secondary supermassive black (SMBH) through\nthe disk. With a small enough stellar velocity dispersion ($\\sigma/v_c \\le\n0.1$) in the disk, it is shown that $10^5-10^6$ TDEs of solar-type main\nsequence stars per post-starburst galaxy (PSB) can be produced to explain their\ndominance in producing observed TDEs. Although the time it takes to bring the\nsecondary SMBH to the disk apparently varies in the range of $\\sim 0.1-1$Gyr\nsince the starburst, depending on its landing location and subsequently due to\ndynamical friction with stars exterior to the central stellar disk in question,\nthe vast majority of TDEs by the secondary SMBH in any individual PSB occurs\nwithin a space of time shorter than $\\sim 30$Myr. Five unique testable\npredictions of this model are suggested.",
+ "authors": "Renyue Cen",
+ "published": "2019-12-09",
+ "updated": "2019-12-09",
+ "primary_cat": "astro-ph.HE",
+ "cats": [
+ "astro-ph.HE",
+ "astro-ph.GA"
+ ],
+ "main_content": "Introduction When a star happens to plunge inside the tidal radius of a supermassive black hole, it will be torn apart, producing a tidal disruption event (TDE) that provides a useful tool to probe gas and stellar dynamics around SMBH, and galaxy formation process potentially. For a solar mass main sequence star, the tidal radius is greater than the Schwarzschild radius for a SMBH less massive than 108 M\u2299. For sub-giant or giant stars, still more massive SMBHs are also able to produce TDEs, although their observable time scales become impractically long. Post-starburst galaxies, sometimes called E+A or K+A\u2019s, are characterized by spectra that are consistent with a starburst 0.1 \u22121Gyr ago followed by dormancy. They constitute a fraction of 0.2 \u22122%, depending on the observational de\ufb01nition, of all galaxies of comparable stellar masses at low redshift (e.g., Pattarakijwanich et al. 2016). Yet, current observations indicate that an overwhelming fraction of tidal disruption events (TDEs), presumably normal main sequence stars tidally torn apart by SMBHs at the center of galaxies, appear to occur in PSBs. For example, all six TDEs observed by ASASSN survey appear to occur in galaxies with spectral characteristics of PSBs (French et al. 2016; Law-Smith et al. 2017; Graur et al. 2018). This suggests that stars in PSBs have a factor about 100 more likely to provide TDEs. For a recent survey of models, see an excellent review by Stone et al. (2018). In this Letter a solution to this puzzle is sought and found. We show that an inspiraling SMBH plowing through the stellar disk that is part of the starburst can produce a su\ufb03cient number of TDEs to explain the observations. We also suggest several tests for the model. 1Princeton University Observatory, Princeton, NJ 08544; cen@astro.princeton.edu arXiv:1912.04372v1 [astro-ph.HE] 9 Dec 2019 \f\u2013 2 \u2013 2. Inspiral of Secondary SMBH Through a Nuclear Stellar Disk The physical setting of the problem in hand is as follows. Two gas-rich galaxies each with a SMBH at their respective centers merge. A starburst occurs in the process, peaking at the time of the coalescence of the two galaxies, followed by a rapid decline in star formation rate (e.g., Hopkins et al. 2006). The merger of the two SMBHs may be delayed in time, relative to the starburst peak, as simulations have shown. The typical time delay is in the range of 0.1 \u22121Gyr, not including an additional possible barrier at about parsec scale. For the TDE rates derived in the present model, the parsec barrier has no e\ufb00ect. We adopt a \ufb02at rotation curve throughout. High resolution cosmological zoom-in simulations covering galactic and central regions with a resolution as high as 0.1pc (Hopkins & Quataert 2010, 2011) support this assumption. For the present purpose there is little to be gained by attempting to treat the situation with additional nuance than this. While the stars dominate the gravity in this radial range, exterior to rout we assume the dark matter conspires to guarantee a continuous \ufb02at rotation curve for simplicity and and we do not treat the region interior to rin. We assume that the stellar subsystem is composed of a geometrically \ufb02at stellar disk with a mass fraction \u03b7 and a spherical component with a mass fraction 1 \u2212\u03b7. In the radial range of [rin, rout], the stellar volume mass density in the disk can be expressed as \u03c1\u2217(r) = \u03b7v2 c 4\u03c0Gr2(vc \u03c3 ), (1) where vc and \u03c3 are the rotation velocity of and velocity dispersion (assumed to be isotropic) in the disk, respectively, at the cylindrical radius, r. The Mestel stellar disk\u2019s mass surface density is \u03a3\u2217(r) = \u03b7v2 c 2\u03c0Gr. (2) Let us for simplicity assume a single population of solar mass stars to yield the stellar number density in the disk n\u2217(r) = \u03b7v3 c 4\u03c0Gr2\u03c3 M\u2299 . (3) Given this physical backdrop, the process that we are interested in is the inspiral of the secondary SMBH through the \ufb02at stellar disk. We denote the inspiraling SMBH as \u201cthe secondary\u201d of mass M2, as opposed to the central SMBH denoted of mass M1. To present a concrete set of quantitative results we shall choose a \ufb01ducial case of two merging galaxies each with a SMBH of mass M1 = M2 = 107 M\u2299and vc = 159 km/s to denominate relevant terms, following the relation between galaxy stellar mass and SMBH mass. The merged galaxy is assumed to slide along the Tremaine et al. (2002) relation so to have a rotation velocity of vc = 21/4 \u00d7 159 km/s = 189 km/s, which is assumed to have achieved after the merger of the galaxies but prior to inspiral of the secondary through the central stellar disk. The total stellar mass interior to r (including both the disk and bulge): M(< r) = 107( r 1.2pc)( vc 189 km/s)2 M\u2299. (4) \f\u2013 3 \u2013 On the grounds that dynamical friction induced inspiral stalls at the radius where the interior stellar mass on the disk is equal to the mass of the inspiraling SMBH, we de\ufb01ne the inner radius rin as rin = 1.2( M2 107 M\u2299 )( vc 189 km/s)\u22122 pc. (5) When the secondary, if with zero orbital eccentricity, moves at the circular velocity vc at any given radius, the stars at the same radius moves at a lower azimuthal velocity v\u03c6. The asymmetric drift, v\u03c6 \u2212vc, the relative velocity of stars to a notional circular velocity at the radius, is governed physically by the Jeans third equation (Binney & Tremaine 1987) and observed in our solar neighborhood (e.g., Golubov et al. 2013; Sharma et al. 2014). For an isotropic velocity dispersion of stars in the disk with a local dispersion \u03c3 \u2261\u03c3R = \u03c3\u03c6 = \u03c3z \u226avc, which we shall assume, and for a \ufb02at rotation curve, we have v2 \u2261vc \u2212v\u03c6 = \u03c32 vc = 0.1\u03c3(10\u03c3 vc ), (6) For a relatively thin disk with \u03c3 \u22640.1vc that are of relevance here, v2 \u226a\u03c3. Note that v\u03c6 < vc, i.e., stars collectively move more slowly than the circular velocity at that location. The physical meaning of the asymmetric drift is easily understood in terms of the presence of an equivalent negative radial pressure gradient in the stars due to local velocity dispersion, as the Jeans equation displays. This lag, direction-wise, may be understood in another intuitive way. Stars with nonzero velocity dispersion, i.e., not strictly on circular orbits, have non-zero eccentricities. In any non-Keplerian orbit, which is the case here for a \ufb02at rotation curve, the epicyclic frequency is larger than the azimuthal frequency, causing perigalacticon to precess backwards relative to zero eccentricity orbits. Because of \ufb01nite v2, the secondary experiences a dynamical friction force. This is important because it means that the secondary in a circular orbit in a disk in the absence of any bulge component can still experience a dynamical friction and move inward. In a two-dimensional con\ufb01guration the primary dynamical e\ufb00ect is due to close encounters between the secondary and stars (Rybicki 1972), as opposed to the usual three-dimensional con\ufb01guration where distant encounters dominate (Chandrasekhar 1943). If the in\ufb02uence radius of the secondary, de\ufb01ned as r2 \u2261GM2/\u03c32, is greater than the half-thickness of the stellar disk, h, then the situation is considered to be two-dimensional. We have r2 h = 1.2(10\u03c3 vc )\u22123( M2 107 M\u2299 )( vc 189 km/s)\u22122( r 1kpc)\u22121. (7) Thus, for the \ufb01ducial case considered of M2 = 107 and vc = 189 km/s, in the regime of interest here with \u03c3/vc \u22640.1, the two-dimensional condition is satis\ufb01ed for radius r \u22641kpc. The two-dimensional dynamical friction force is (Quinn & Goodman 1986, Eq III.3) Fd f = \u22122\u03c0G\u03a3\u2217M2 (\u221a 2\u03c0 4 v \u03c3 exp (\u2212v2 4\u03c32) \u00d7 \u0014 I0( v2 4\u03c32) + I1( v2 4\u03c32) \u0015) , (8) \f\u2013 4 \u2013 where v is the velocity of the secondary relative to the stars, I0 and I1 are modi\ufb01ed Bessel functions of the \ufb01rst kind (Abramowitz & Stegun 1972). In the limit v \u226a\u03c3, Fd f = \u2212 r \u03c03 2 G\u03a3\u2217M2v \u03c3 . (9) In this limit, for our case, a rotating disk, we may follow the procedure of Chandrasekhar (1943) by elementarily integrating the spatial range on the disk from \u2212h to +h over which the shear velocity is subdominant to the velocity dispersion (along with the integrations over the distribution over the angle between velocity vectors and the Maxwellian velocity distribution) to derive the frictional force: F \u2032 d f = \u22123 \u221a 2\u03c0h\u03a3\u2217\u03c3v = \u22123 \u221a 2\u03c0G\u03a3\u2217M2v \u03c3 . (10) It is seen that Eq (10) and Eq (9) di\ufb00er only by a factor of unity (\u03c0/6), re\ufb02ecting again close encounters being largely responsible for dynamical frictional force in the two-dimensional case. For simplicity, without introducing a large error, and given the ambiguity in choosing the radial extent of integration used to derive Eq (10), we just use Eq (9) for all subsequent calculations. The dynamical friction time for the two-dimensional component is then t2d \u2261(d ln r dt )\u22121 = M2vc Fd f v v2 = rv \u03b7vcv2 (\u221a 2\u03c0 4 v \u03c3 exp (\u2212v2 4\u03c32) \u00d7 \u0014 I0( v2 4\u03c32) + I1( v2 4\u03c32) \u0015)\u22121 , (11) where the v2/v factor is the tangential fraction of the dynamical friction force, and v is the total velocity of the secondary relative to local stars, v = q v2 2 + v2 r with vr = r td f (12) being the radial drift velocity of the secondary and v2 the asymmetric drift velocity (Eq 6). In addition, the dynamical friction time due to the three-dimensional component is t3d = 2v3r2[erf(X) \u22122X exp (\u2212X2)/\u221a\u03c0]\u22121 3v2 c ln \u039bGM2(1 \u2212\u03b7) (13) (Binney & Tremaine 1987), where X = v/ \u221a 2\u03c3 and we adopt a Coulomb logarithm ln \u039b equal to three. Then, the overall dynamical friction time is td f = (t\u22121 2d + t\u22121 3d )\u22121, (14) which will be used throughout our subsequent calculations. Figure 1 shows the dynamical friction time (tdf, Eq 14) for two cases: \u03b7 = 0.5 with \u03c3/vc = 0.1 (solid thin black curve) and \u03b7 = 0.9 with \u03c3/vc = 0.1 (solid thick black curve), both with vc = 189 km/s and M2 = 107 M\u2299, along with the breakdowns due to the two-dimensional and three-dimensional components. We see that for \u03b7 < 0.9 and \u03c3/vc = 0.1 the overall dynamical friction induced inspiral is due to the three-dimensional component at r \u226410pc; in fact, for any applicable cases (see \ufb01gures below), in the inner region \f\u2013 5 \u2013 0 1 2 3 4 log r (pc) -1 0 1 2 3 4 log tdf (Myr) t2d =0.5, /vc=0.1 t3d =0.5 tdf =0.5, /vc=0.1 t2d =0.9, /vc=0.1 t3d =0.9 tdf =0.9, /vc=0.1 Fig. 1.\u2014 shows the dynamical friction time (tdf, Eq 14) for two cases: \u03b7 = 0.5 with \u03c3/vc = 0.1 (solid thin black curve) and \u03b7 = 0.9 with \u03c3/vc = 0.1 (solid thick black curve), both with vc = 189 km/s and M2 = 107 M\u2299. Also shown as the dotted blue and dashed red curves are their respective two-dimensional (t2d, Eq 11) and three-dimensional dynamic friction time (t3d, Eq 13). In the two-dimensional case, the \ufb02at regime at the small radius end is due to the dynamical friction time that is constrained by the limited radial range due to the rotational velocity shear (tdf,2d, Eq 11), whereas the ascending portion at the large radius end is determined by td f,2d (Eq 11). of r = 1 \u221210pc the three-dimensional dynamical friction dominates and sets the time scale of the inspiral in that radial range. It is important to note, however, that the TDE rate is mainly due to the interaction of the inspiraling secondary and stars in the disk, as we show below, thanks to its high volume density of stars. Let us now examine the TDE rate by the secondary during its inspiral. Because the stars are essentially collisionless, they can accrete onto the secondary only at a rate about equal to the cross section of the secondary times the mass \ufb02ux, v\u03c1\u2217(Eddington 1926), as opposed to a higher, Bondi rate for collisional matter. The e\ufb00ective cross section of the secondary may be identi\ufb01ed with the tidal capture cross section, which is larger than but on the same order as the tidal disruption cross section, although what happens to the stars once captured is complex. We estimate the TDE rate based on stars that directly plunge into the radius twice the tidal radius. We now derive a general expression of TDE events for both non-zero relative bulk velocity of the secondary to stars and non-zero velocity dispersion of stars with the latter being assumed to already have a relaxed Maxwellian distribution. If the secondary moves through a static \f\u2013 6 \u2013 sea of stars of density n\u2217at a velocity v, the rate of stars entering the loss cone would be R(v|\u03c3 = 0) = \u03c0r2 t n\u2217v(1 + 2GM2 v2rt ), (15) where rt is the tidal radius of the loss cone surface: rt = r\u2217(M2 m\u2217 )1/3 = 1.5 \u00d7 1013( M2 107 M\u2299 )1/3( r\u2217 R\u2299 )( m\u2217 M\u2299 )\u22121/3 cm = 1.09rsch(M2)( M2 108 M\u2299 )\u22122/3( r\u2217 R\u2299 )( m\u2217 M\u2299 )\u22121/3, (16) with m\u2217and r\u2217being the stellar mass and radius, respectively, and rsch(M2) the Schwarzschild radius of the secondary. For the secondary moving through stars with a Maxwellian velocity distribution of dispersion \u03c3 at a mean relative velocity v, one may convolve R(v|\u03c3 = 0) in Eq (15) with the velocity distribution to obtain the overall rate. Choosing the direction of v in plus x-direction, we have R(v, \u03c3) = Z +\u221e \u2212\u221e Z +\u221e 0 \u03c0r2 t n\u2217 q (v \u2212vx)2 + v2 t \u001a 1 + 2GM2 [(v \u2212vx)2 + v2 t ]rt \u001b \u00d7 1 \u221a 2\u03c0\u03c33 exp \u0002 \u2212(v2 x + v2 t )/2\u03c32\u0003 vtdvxdvt, (17) where v2 t = v2 y + v2 z, and the outer and inner integrals are for vx and vt, respectively. With a bit manipulation one \ufb01nds R(v, \u03c3) = \u03c0r2 t n\u2217\u03c3 (r 2 \u03c0 exp (\u2212v2/2\u03c32) + v \u03c3 erf ( v \u221a 2\u03c3) + 2\u03c3 v \u0014 exp (\u2212v2/2\u03c32) \u22121 + erf ( v \u221a 2\u03c3) \u0015) + \u03c0n\u2217j2 lc v \u0014 erf ( v \u221a 2\u03c3) + 1 \u2212exp (\u2212v2/2\u03c32) \u0015 , (18) where the \ufb01rst and second terms correspond to their counterparts in Eq (15) with the latter due to gravitational focusing, and jlc is the angular momentum at loss cone surface about the secondary on a circular orbit: jlc = q GM 4/3 2 m\u22121/3 \u2217 r\u2217= 1.4 \u00d7 1023( M2 107 M\u2299 )2/3( m\u2217 M\u2299 )\u22121/6( r\u2217 R\u2299 )1/2cm2/s. (19) For extreme events like TDEs the orbital velocity at tidal radius rt is much larger than typical velocity of stars at in\ufb01nity relative to the secondary, so the second term in Eq (18) dominates. Thus, for the sake of conciseness we shall neglect the \ufb01rst term with negligible loss of accuracy in our case. The radial distribution of TDEs may be expressed as dNtde d ln r = R(v, \u03c3)td f = \u03b7v3 cj2 lctd f 4Gm\u2217\u03c3vr2 \u0014 erf ( v \u221a 2\u03c3) + 1 \u2212exp (\u2212v2/2\u03c32) \u0015 . (20) \f\u2013 7 \u2013 A key notable point in terms of the time scale is that the vast majority of TDEs in a PSB in our model likely occur within a time scale that is signi\ufb01cantly less than the age since starburst of PSBs of 0.1 \u22121Gyr. Thus, if our model were to explain the observed TDEs in PSBs, which show an apparent delay, relative to the starburst event itself, of up to \u223c1 Gyr, this indicates that it is the time that it takes to bring the secondary into the central stellar disk region and to be co-planar that determines the observed temporal distribution relative to the starburst, before the secondary interacts with the central stellar disk that subsequently dominates the TDE events. Such an expectation is quite plausible in the context of galaxy mergers, as evidenced by galaxy merger simulations. A systematic simulation survey of black hole mergers in the context of galaxy mergers is not available, due to the computational cost, daunting physical complexity and a large parameter space. Nonetheless, valuable information from existing simulations may be extracted. Our survey of literature is by no means exhaustive but hoped to be representative. In the merger simulations of Hopkins et al. (2006) it is seen in their Figure 13 that the \ufb01nal starburst occurs at 1.5Gyr since the beginning of the merger for a black hole pair of mass 3 \u00d7 107 M\u2299each. We can not \ufb01nd information about the black hole separation at this time. But from their visualization plots it seems that by this time the galaxies are largely merged, with separations likely less than a few kpc at most. In Johansson et al. (2009, Figure 14) one sees that by the time the starburst ends at simulation time t \u223c1.8Gyr, the separation of the binary BHs is \u223c1kpc. Using the three-dimensional dynamical friction time formula (Chandrasekhar 1943), we \ufb01nd tDF = 1.7Gyr and 0.43Gyr for a 1 \u00d7 107 M\u2299 black hole at 1kpc and 0.5kpc, respectively, in a spherical system with a circular velocity of 189 km/s. In the 1:4 merger simulations Callegari et al. (2009) \ufb01nd that once the separation of the galaxy pair (and BH pair) reaches 10kpc, it takes about 0.5Gyr to reach \u223c0.1kpc. This suggests that so long as the starburst does not end before the BH reaches 10kpc separation, the BH merger would occur in the time frame of 0.1 \u22121Gyr. In the most comprehensive study so far Tamburello et al. (2017) \ufb01nd that the black hole pair reaches a separation of \u223c100pc in the range of 0.11 \u22120.79Gyr from a sample of about two dozen merger simulations (see Table 2 in their paper), although there is a small fraction of cases where mergers never occur. Observationally, French et al. (2017) infer a post-starburst age in the range 0.06\u22121Gyr from eight TDE cases; when 1\u03c3 error bars are included, the range of post-starburst ages extends to 0.05 \u22121.2Gyr. This range of PSB age of \u22641Gyr seems accommodatable by the galaxy merger dynamics to bring the secondary close to the central region from extant simulations. As it is clear now that it is the total number of TDEs per galaxy that is predicted for a given physical con\ufb01guration of the system, including \u03c3/vc, \u03b7, vc and M2. If, for some reason, the secondary black hole reaches the central disk in a shorter span of time since the starburst for some subset of starburst galaxies, then their apparent rate will be inversely proportional to time interval between the starburst to the arrival at the central disk. Perhaps the apparently higher rate of TDEs in ULIRGs (Tadhunter et al. 2017) is due to this reason. One important requirement concerns bringing the secondary to be co-planar with the central stellar disk. Mergers of two galaxies possess some axisymmetry dictated by the orbital angular momentum of the merger and formation of a disky component due to gas dissipational processes. Thus, it is likely that the orientation of the orbit of the secondary may be largely co-planar initially. Tamburello et al. (2017) show that a \ufb02at disk is formed in the central region due to gas in\ufb02ow, \f\u2013 8 \u2013 although the exact scale height is likely limited by their \ufb01nite resolution. Without rigorous proof one has to contend with the possibility that the secondary is not exactly co-planar with the central stellar disk, when it is still at some large radius. Even in this case, the orbital plane of the secondary will be re-aligned with the central stellar disk during the inward migration via dynamical friction. Binney (1977) shows that in an oblate system with anisotropic velocity distribution, the dynamical friction drag tends to align the inspiraling object with the disk plane, so long as not on a polar orbit initially. The timescale on which this occurs is precisely the timescale for the action of dynamical friction. The basic analytic framework of Binney (1977) is shown to provide a much better agreement with simulations for inclination dependent dynamical friction time scale than the classic formulation of Chandrasekhar (1943) for \ufb02attened systems. More importantly, the decay rate of the orbital inclination that is not observed using the classic approach is quantitatively reproduced in simulations (Pe\u02dc narrubia et al. 2004) when anisotropic dynamical friction formulae (Binney 1977) are used. In the simulations (Pe\u02dc narrubia et al. 2002, 2004) a relatively modest amount of anisotropy (q = 0.6) is employed for the dark matter halo to show the e\ufb03cacy of the inclination decay of satellite orbits in a \ufb02attened host system. In the inner regions of interest here, baryons dominate dynamically and starburst is presumably triggered by a strong gas in\ufb02ow due to galaxy merger, and turbulent dissipation and gas cooling are likely strong to yield \ufb02attened systems. This is of course fully in accord and self-consistent with the presumed existence of a thin \ufb02at central stellar disk that is the foundation of our working hypothesis. The inclination decay of the secondary, if initially exists, can be due to dynamical friction with the stars on a larger spatial scale with an overall anisotropic velocity distribution, i.e., larger than the central stellar disk of size of \u223c100pc, that operate on a time scale likely in the range of 0.1 \u22121Gyr. Note for example the dynamical friction time is we \ufb01nd tDF = 1Gyr and 0.1Gyr for a 1 \u00d7 107 M\u2299black hole at 0.77kpc and 0.24kpc, respectively, in a spherical system with a circular velocity of 189 km/s. Thus, the co-planar condition for the orbital plane of the secondary and the central stellar disk is physically plausible, when it reaches the outer edge of the central disk. Even if the central disk and the orbit of the secondary is misaligned when the latter reaches the outer edge of the former, dynamical friction from that point onward will subsequently align it with the disk on the dynamical friction time scale, i.e., order of an e-folding in radius. Since most of the TDEs occur in the innermost region, one or two e-folding in radius can be spent to re-align the secondary with the central stellar disk with little e\ufb00ect on the overall TDE rate (and repeating time scale). Another issue worth clarifying is the orbital eccentricity of the inspiraling black hole, since we have implicitly assumed zero eccentricity in the derivation of Eq (8,9,10). However, this assumption serves only as a su\ufb03cient but not necessary condition for dynamical friction to operate. That it, even in a zero eccentricity orbit, the secondary still experiences dynamical friction force due to the non-zero asymmetric drift velocity v2 = \u03c32/vc. Any signi\ufb01cant eccentricity would render the relative velocity of the inspiraling black hole to the embedding stars possibly signi\ufb01cantly above \u223c\u03c32/vc, which would increase an additional dynamic friction force in the radial direction, leaving the tangential dynamic friction force unchanged. Nonetheless, one notes that if the secondary were in a radial orbit, then the \u201ccruise\u201d radial velocity due to the balance between gravity and the dynamical friction force due to the three-dimensional component (that dominates at small radii) can be shown to be equal to vc. In this case, we \ufb01nd that the total number of TDEs per PSB is \f\u2013 9 \u2013 in the range of \u2264103 for the \ufb01ducial case of M2 = 107 and vc = 189 km/s. Such a case would be much lower and hence inconsistent with the observationally inferred TDE rate of 105 \u2212106 per PSB (French et al. 2016). Therefore, one needs to make sure that increasing radialization of the orbit of the secondary is avoided, if the initial eccentricity is not identically zero. We now check two approximately bracketing cases to settle the issue. First, let us continue to consider the case of an isothermal sphere density pro\ufb01le. The apsides in a gravitational potential \u03c6(r) with speci\ufb01c energy E and speci\ufb01c angular momentum J are the two roots of the following equation (Eq 3-13 in Binney & Tremaine 1987): De\ufb01ning the orbital eccentricity e as ra/rp = (1 + e)/(1 \u2212e) with ra = r0(1 + e) [and rp = r0(1 \u2212e)], where rp and ra are the perigalacticon and apogalacticon distance, respectively, it can then be shown that, to the lowest order in e, the speci\ufb01c total energy and speci\ufb01c angular momentum are E = (1 2 + 7e2 6 )v2 c and J = r 1 \u22125e2 3 vcr0, (21) where we have de\ufb01ned the normalization of the logarithmic gravitational potential energy for an isothernal density pro\ufb01le such that \u03c6(r) = v2 c ln r r0 without loss of generality. Note that additional, higher order terms in e would be needed when e \u2192 p 3/5 as Eq (21) shows and it is also possible that orbits become unstable when e becomes too large. We consider here that e is not too large initially. From Eq (21) it is seen that E is a function of and decreases with decreasing eccentricity e. This indicates that in the presence of any energy dissipation, the orbit tends to zero eccentricity. It is also seen that the rate of decrease of eccentricity is de/dE \u221d1/e hence the time scale of circularization takes place on the similar time scale as the energy dissipation time scale (i.e, the dynamical friction time scale) when e \u226b0 but accelerates when e \u21920. Thus, the circularization time scale is about equal to dynamical friction time scale, if the orbit starts with a signi\ufb01cant eccentricity but may take a much shorter time scale for an initially nearly circular orbit. We stress that this outcome of circularization is derived based on a logarithmic potential corresponding to a \ufb02at rotation curve. While it is a good assumption, as simulations have shown, it is still prudent to stress that circularization is not necessarily the only outcome in general, as we show now. Consider next the following simpli\ufb01ed problem: the black hole moving in an eccentric orbit about a dominant point mass is subject to a frictional force that is a function of both the distance to the center and velocity. We assume that the gravitational e\ufb00ect due to the frictional matter is negligible. A further simplication is made for the convenience of calculation: the dynamical e\ufb00ect due to the frictional force is small enough so that a Keplerian (closed) orbit remains a good approximation for each full orbit. We adopt the units such that the speci\ufb01c total energy of the orbiting black hole is E = \u22121 2, and the speci\ufb01c angular momentum is J = \u221a 1 \u2212e2. With the familiar expressions for the distance to the focus r, the tangential velocity v\u03c6 and the magnitude of the total velocity v: r = (1 \u2212e2) (1 + e cos \u03b8), v\u03b8 \u2261rd\u03b8 dt = (1 + e cos \u03b8) (1 \u2212e2)1/2 , v = r 2 r \u22121, (22) where \u03b8 is the true anomaly, being zero at perigalacticon. Since e2 = 1 + 2EJ2, utilizing various expressions above, we have \u2206e = (1 \u2212e2)1/2e\u22121 \u0002 (1 \u2212e2)1/2\u2206E \u2212\u2206J \u0003 \u2261(1 \u2212e2)1/2e\u22121I, (23) \f\u2013 10 \u2013 where we shall de\ufb01ne \u2206e, \u2206E and \u2206J as the change of eccentricity, speci\ufb01c total energy and speci\ufb01c angular momentum, respectively, per full radial orbit. We now examine the term I de\ufb01ned by the last de\ufb01nition equality in Eq (23). To be tractable, let the acceleration due to frictional force have the following powerlaw velocity and radial dependencies: \u20d7 a = \u2212Ar\u03b1v\u03b2\u20d7 v, (24) where A is a positive constant, \u03b2 a constant, \u03b1 a constant slope, and \u20d7 v and v the velocity vector and its magnitude, noting that the radial dependence is inherited from the density\u2019s radial pro\ufb01le, \u03c1(r) \u221dr\u03b1. While \u03b1 may be non-positive in most physical contexts, our derivation does not impose any constraint. Gathering, we express I \u2261(1 \u2212e2)1/2\u2206E \u2212\u2206J = \u22122(1 \u2212e2)1/2A Z P/2 0 r\u03b1v\u03b2(\u20d7 v \u00b7 \u20d7 v)dt + 2A Z P/2 0 r\u03b1v\u03b2|\u20d7 r \u00d7 \u20d7 v|dt = 2A Z \u0398 0 r\u03b1\u2212\u03b2/2+1(2 \u2212r)\u03b2/2(r \u22121)d\u03b8, (25) where P is the period of a full radial orbit with the integration going from perigalacticon to apogalacticon, and \u0398 the azimuthal advance per half radial period, equal to \u03c0 in this case of closed orbits. To proceed, we change the integration element from d\u03b8 to the length element along the ellipse dl = rd\u03b8. Now the last equality in Eq (25) becomes I = 2A Z C/2 0 r\u03b1\u2212\u03b2/2(2 \u2212r)\u03b2/2(r \u22121)dl, (26) where C/2 is the half circumference of the orbit with the integration going from perigalacticon to apogalacticon. With the integration variable now changed to l that is invariant of the vantage point, one is free to move the center from one focus to the other by switching the radius from r to 2 \u2212r to obtain an identity I = \u22122A Z C/2 0 r\u03b2/2(2 \u2212r)\u03b1\u2212\u03b2/2(r \u22121)dl. (27) Taking the arithmetic average of Eq (26) and Eq (27), one obtains I = Z C/2 0 A(r \u22121)[r\u03b1\u2212\u03b2/2(2 \u2212r)\u03b2/2 \u2212r\u03b2/2(2 \u2212r)\u03b1\u2212\u03b2/2]dl. (28) One sees that for \u03b1 = \u03b2, I in Eq (28) is identically zero, meaning \u2206e = 0 in Eq (23) for any initial e. This thus indicates that the orbital eccentricity of a slowly inspiraling black hole under a frictional force of the form \u2212A(rv)\u03b1\u20d7 v (where A is a positive constant) is non-changing. For \u03b1 > \u03b2, \u2206e will be greater than zero, meaning that the orbit will be increasingly radialized during the inspiral, whereas for \u03b1 < \u03b2 the orbit will be increasingly circularized. Physically, this can be understood as a result of relatively higher loss of angular momentum per unit loss of energy hence gain of eccentricity at the perigalacticon as compared to a lower gain of angular momentum per unit gain of energy hence gain \f\u2013 11 \u2013 of eccentricity at the apogalacticon, for \u03b1 > \u03b2, thus leading to a net radialization over a complete orbit. For \u03b1 < \u03b2, the opposite holds. Let us consider two relevant applications of this result. First, in the standard three-dimensional dynamical friction case (Chandrasekhar 1943), \u03b2 = \u22123. Thus, unless the density slope is steeper than \u22123, the eccentricity is to increase under such frictional force, thus leading to radialization of the orbit spiraling inward. Second, in the standard two-dimensional dynamical friction case (Eq 8), we \u03b2 = \u22121 for v/\u03c3 \u226b1 and \u03b2 = 0 for v/\u03c3 \u226a1. Therefore, in this case, for any density pro\ufb01le that increases with decreasing radius, the orbit tends to circularize with time. In a more detailed calculation using dynamical friction formula that includes e\ufb00ects due to stars moving faster than the inspiraling black hole, Dosopoulou & Antonini (2017) conclude that for \u03b1 < \u223c\u22122, the orbit of the inspiraling black hole tends to radialization, overlapping with the radialization range of \u03b1 \u2264\u22123 found here. Overall, considerations of two bracketing examples suggest that, on the one hand, orbital circularization is likely achieved if the density pro\ufb01le is close isothermal regardless whether the medium for dynamical friction is also gravitationally dominant. On the other hand, at the other end of the spectrum where the central mass gravitationally dominates, the dynamical friction may lead to radialization if the velocity distribution of the medium is largely three-dimensional, whereas it leads to circularization if the velocity distribution of the medium is largely two-dimensional. Since in an oblate velocity distribution, dynamical friction leads to inspiraling black hole becoming co-planar, circularization should also ensue in this case so long as enough dynamical friction takes place after becoming co-planar. Thus, in the physical con\ufb01guration of an overall oblate stellar distribution along with a thin stellar disk in the central region that we propose here, the only likely situation where circularization does not occur is when the secondary black hole directly lands at a radius to which the interior stellar mass is not signi\ufb01cantly greater than the mass of the inspiraling black hole. Such a situation is not expected to happen in practice. Anyway, since we have already assumed that the inner rin (Eq 5) is where the interior stellar mass of the disk is equal to the mass of the inspiraling black hole, such a situation is moot. 3. Predictions 3.1. TDE Repeaters To illustrate, in the limit v \u226b\u03c3, which is the case when the secondary has migrated into the inner region of the disk, the second term of Eq (18) gives R(v, \u03c3) = \u03b7v3 cj2 lc 2Gm\u2217\u03c3vr2 = 0.034\u03b7( vc 189 km/s)( vc 10\u03c3)(vc v )( jlc 1.2 \u00d7 1023cm2/s)2( r 1pc)\u22122 yr\u22121, (29) which is indicative that TDEs may re-occur in the same PSBs within an accessible time scale. To gain a more quantitative assessment, we have performed a simple analysis with the following steps. (1) We use (the inverse of) Eq (18) to obtain the mean expectation value of time interval between two successive TDEs, \u00af \u2206t, when one just occurred at a radius r. (2) With the expectation value \u00af \u2206t we use the normalized Poisson distribution to obtain the probability distribution function as a function of time interval (\u2206t) between the TDE that just occurred at r and the next one, P(r, \u2206t). \f\u2013 12 \u2013 (3) We convolve P(r, \u2206t) with Eq (20) to obtain the overall mean probability distribution function as a function of time interval, P(\u2206t). Generally, P(\u2206t) is a function of three variables, \u03b7, \u03c3/vc and M2 (if M1 can be related to M2 or expressed by vc). The total number of TDEs per PSB, Ntde (Eq 20), is a function of \u03b7, \u03c3/vc and M2 as well. Therefore, if observations can provide constraints on Ntde, only two degrees of freedom are left. 0.001 0.001 0.001 0.001 0.001 0.1 0.1 0.1 0.1 0.1 1 1 1 1 1 3 3 3 3 10 10 10 25 25 0.1 0.1 0.1 0.1 0.1 1 1 1 1 1 3 3 3 3 3 10 10 10 10 25 25 25 50 50 4 4 4 4 4 4.5 4.5 4.5 4.5 4.5 5 5 5 5 5 6 6 6 6 6 0.5 0.6 0.7 0.8 0.9 1 0 0.05 0.1 0.15 0.2 /vc repeat probability in 1 yr repeat probability in 5 yr total TDE per galaxy, M2=107 cs=10km/s Fig. 2.\u2014 shows contours of probability P(\u2206t) in percent for repeating TDEs within a time interval of \u2206t = 1yr (blue dotted contours) and \u2206t = 5yr (red dot-dashed contours), respectively, on the two-dimensional parameter plane of (\u03b7, \u03c3/vc), where \u03c3 is the velocity dispersion of stars in the disk and \u03b7 is the fraction of stellar mass on the disk. The black contours are log Ntde per PSB. Also shown as horizontal magenta dot-dashed line is an indicative case where the vertical velocity dispersion is equal to sound speed of atomic cooling gas gas of temperature 104K, out of which stars in the disk may have formed. The \ufb01ducial values used are M2 = 107 M\u2299and rin = 1.2pc. Note that in computing the cross section of TDEs, we remove the area inside the event horizon of the secondary assuming a Schwarzschild black hole for all calculations. In Figure 2 we place contours of P(\u2206t) for \u2206t = 1yr (blue dotted contours) and \u2206t = 5yr (red dot-dashed contours), respectively, on the two-dimensional parameter plane of (\u03b7, \u03c3/vc). The two black contours are the current observational constraint of Ntde = 105 \u2212106 per PSB, corresponding to 10\u22124 \u221210\u22123yr\u22121 per PSB with a time span of 1Gyr (French et al. 2016) [also see Law-Smith et al. (2017); Graur et al. (2018)]. Also shown as horizontal magenta dot-dashed line is an indicative case where the vertical velocity dispersion is equal to sound speed of atomic cooling gas gas of \f\u2013 13 \u2013 temperature 104K, out of which stars in the disk may have formed. Several points are noted. First, as expected, the total number of TDEs per PSB tends to increase towards the lower-right corner of high \u03b7 and low \u03c3/vc, due primarily to the increase of the number density of stars in the disk. Second, if disk thickness is not less than 10 km/s, due to either fragmentation of gas disk at atomic cooling temperature and/or possible additional heating subsequent to formation of the stellar disk including heating by the secondary itself during its inspiral, then, an observational constraint of Ntde > 105 per PSB would require \u03b7 \u22650.87 (where the purple line intersects that black contour curve), i.e., the disk component is dominant in the inner region. Third, an observational constraint of Ntde > 105 per PSB also indicates that the thickness of the disk cannot exceed \u03c3/vc \u223c0.1, a limiting case when \u03b7 = 1. Finally, for Ntde = 105 per PSB, we see that there are regions where a repeater could occur with 2 \u221210% probability within a year per PSB in this particular case. Within \ufb01ve years, there is parameter space where 12 \u221228% probability is seen in this particular case. While rin may be low-bounded by Eq (5), it is possible that star formation may be truncated or \ufb02attned at a larger radius. Thus, we check how results depend on this. In the top-left panel of Figure 3 show a case that is the same as that shown in Figure 2 except one di\ufb00erence: rin = 3.6pc instead of 1.2pc. It is seen that the available parameter space for producing Ntde = 105 \u2212106 per PSB is compressed towards lower \u03c3/vc and higher \u03b7. But there is parameter space still available for explaining the observed abundance of TDEs even in this case. A large change is in TDE repeat frequencies: it is seen that there is no parameter space where a TDE may repeat at a probability greater than 0.1% within one year. There is a limited region in the parameter space where 0.1% probability exists for a TDE to repeat within 5 yr. It is possible to argue both ways as to which physical con\ufb01guration of the two cases shown is more \ufb01ne-tuned. Absence of some introduced scale, it seems more natural to suppose that the stellar disk could extend to some small radii of no particular choice, with rin imposed only because of the dynamical reason for the secondary to inspiral, as in Eq (5). Thus, we suggest that rin = 1.2pc in this case is a less \ufb01ne-tuned outcome. Recall that the maximum black hole mass for disrupting a main sequence star is about 108 M\u2299 for a Schwarzschild black hole (see Eq 5). The top-right panel of Figure 3 displays the case for M2 = 5 \u00d7 107 M\u2299with an appropriate rin according to Eq (5). A comparison between it and Figure 2 indicates that a more massive black hole tends to only slightly enhance both the overall rate of TDEs per galaxy and the probability of repeaters on relevant times scales. However, the range of \u03b7 for achieving the same Ntde = 105 is enlarged, when constraining \u03c3 \u223c10 km/s, to \u03b7 \u22650.5. But the overall rate and repeater probability contours do not change dramatically. The reason for this week dependence on M2 is due to a larger, removed cross section inside the event horizon that almost compensates the increased tidal radius for a larger black hole, among other factors. Next, we consider a case of merger of two lower mass galaxies, with M1 = M2 = 4 \u00d7 106 M\u2299, and rin determined according to Eq (5). The bottom-left panel of Figure 3 shows the result, for which we note three points. First, the model can no longer accommodate the observed > 105 TDEs per PSB, except in a very small parameter space at \u03b7 > 0.98 and \u03c3/vc \u223c0.07 \u22120.08. Second, in the available parameter space, the repeating rate is, however, comparable to the \ufb01ducial case shown in Figure 2. Combining results for the models, we conclude that, while the overall abundance of \f\u2013 14 \u2013 0.001 0.001 0.001 0.001 0.1 0.1 0.1 0.1 1 1 1 1 3 3 3 10 10 25 0.1 0.1 0.1 0.1 1 1 1 1 3 3 3 3 10 10 10 25 25 50 4 4 4 4 4 4.5 4.5 4.5 4.5 5 5 5 5 6 6 6 6 0.5 0.6 0.7 0.8 0.9 1 0 0.05 0.1 0.15 /vc repeat probability in 1 yr repeat probability in 5 yr total TDE per galaxy, M2=107, 3 rin cs=10km/s 0.001 0.001 0.1 0.1 0.1 0.1 0.1 1 1 1 1 1 3 3 3 3 3 10 10 10 25 25 0.1 0.1 0.1 1 1 1 1 1 3 3 3 3 3 10 10 10 10 10 25 25 25 50 50 4 4 4 4.5 4.5 4.5 4.5 4.5 5 5 5 5 5 6 6 6 6 6 0.5 0.6 0.7 0.8 0.9 1 0 0.05 0.1 0.15 0.2 /vc repeat probability in 1 yr repeat probability in 5 yr total TDE per galaxy, M2=5 107 cs=10km/s 0.001 0.001 0.001 0.001 0.1 0.1 0.1 0.1 0.1 1 1 1 1 3 3 3 10 10 25 0.1 0.1 0.1 0.1 0.1 1 1 1 1 1 3 3 3 3 3 10 10 10 25 25 50 4 4 4 4 4 4.5 4.5 4.5 4.5 4.5 5 5 5 5 5 6 6 6 6 6 0.5 0.6 0.7 0.8 0.9 1 0 0.05 0.1 0.15 0.2 /vc repeat probability in 1 yr repeat probability in 5 yr total TDE per galaxy, M2=4 106 cs=10km/s 0.001 0.001 0.001 0.001 0.1 0.1 0.1 0.1 1 1 1 1 1 3 3 3 3 3 10 10 10 10 10 25 25 25 25 0.1 0.1 0.1 0.1 1 1 1 1 1 3 3 3 3 3 10 10 10 10 10 25 25 25 25 25 50 50 50 50 50 4 4 4 4.5 4.5 4.5 4.5 4.5 5 5 5 5 5 6 6 6 6 0.5 0.6 0.7 0.8 0.9 1 0 0.05 0.1 0.15 0.2 /vc repeat probability in 1 yr repeat probability in 5 yr total TDE per galaxy, (r/100pc)-0.1 cs=10km/s Fig. 3.\u2014 Top-left: the physical parameters of this model are identical to those used for Figure 2 except one di\ufb00erence: rin = 3.6pc instead of 1.2pc. Top-right: the physical parameters of this model are identical to those used for Figure 2 except one di\ufb00erence: M2 = 5\u00d7107 M\u2299with an appropriate rin according to Eq (5). Bottom left: the physical parameters of this model are identical to those used for Figure 2 except one di\ufb00erence: M2 = 4 \u00d7 106 M\u2299with an appropriate rin according to Eq (5). Bottom right: the physical parameters of this model are identical to those used for Figure 2 except one di\ufb00erence: the mass fraction in the disk is allowed to increase slowly inward, equal to lesser of \u03b7(r/100pc)\u22120.1 and unity. TDEs increases with the black hole mass, the repeating rate per PSB depend weakly on the SMBH mass for a given Ntde, as long as the inner radius of the central stellar disk is not cuto\ufb00. Finally, the bottom-right panel of Figure 3 shows the result for a case where we let the mass fraction of the disk component to increase inward from 100pc to rin as \u03b7(r/100)\u22120.1, capped of course at unity. We see that the available parameter space is signi\ufb01cantly enlarged compared to the \ufb01ducial case, with the shape of contours seen to \ufb02atten out horizontally, while the repeater probability at a given Ntde remains roughly in the same range. \f\u2013 15 \u2013 To summarize, in our model the overall rate of TDEs per PSB, averaged over time, is set by the long dynamical friction process for the secondary to inspiral following galaxy merger. A unique characteristics of our model is that once having reached and aligned with the central stellar disk, the overall migration time interval over which the bulk of the TDEs occur is much shorter than the typical lifetime of PSBs of \u223c1Gyr. Consequently, one important prediction of this model is that TDEs may repeat on a reasonable time scale. While a precise repeating rate is di\ufb03cult to nail down, because we are not certain about the parameter space of (\u03b7, \u03c3/vc) that nature picks, we see that within (1,5) years the repeating probability falls in the range of (0.1 \u221210%, 3 \u221230%) if Ntde = 105, under the condition that M2 = 4 \u00d7 106 \u22125 \u00d7 107 M\u2299and no inner cutto\ufb00of stellar disk (i.e., rin is determined by Eq 5). Thus, assuming Ntde = 105 and with a sample of 1000 TDEs, it appears that at least one repeat may be detected within one year; alternatively, with a sample of 30 TDEs, at least one repeat may be detected within \ufb01ve years. If the current observationally inferred Ntde range of 105 \u2212106 indeed holds up, the above estimated range of repeating probability would be an underestimate. If observations do \ufb01nd such repeaters, they would provide strong support for this model. With enough statistics and time baseline, it may then be possible to tease out useful information on the physical con\ufb01guration of the central disk in terms of parameter space of (\u03b7, \u03c3/vc, M2). A statistical comparison between the number of PSBs with TDEs and those without may additionally shed luminous light on the temporal distribution of TDEs in PSBs and the distribution of the time for the secondary to land on the central stellar disk, which may be ultimately linked to galaxy formation process. As a reference, in a model with a delay time distribution (DTD) of t\u22120.5 (Stone et al. 2018), generously extending to 1Myr at low end and normalized to Ntde = 106 TDEs over 1Gyr in a PSB, the probability of repeaters within \ufb01ve years is practically zero (2.1 \u00d7 10\u221232). It is appropriate to prudently ask the following question: is the condition that required to accommodate the observed TDE rates in PSBs physically plausible? In particular, is \u03c3/vc \u223c0.1 viable? Let us examine what this means with respect to the column density, volumetric density and temperature of the gas disk forming the disk stars. Adopting vc = 189 km/s for a Mestel disk, we \ufb01nd that surface density \u03a3(r) = 276(r/1pc)\u22121g cm\u22122 and a volumetric density nH = 2.7 \u00d7 108(v/10\u03c3)(r/1pc)\u22122 cm\u22123. The mid-plane pressure due to gravitational mass above is p = \u03c0G\u03a32(r)/2 = 8.0 \u00d7 10\u22124(r/1pc)\u22122dyn cm\u22122. This means that, if the downward gravity is balanced by thermal pressure, the gas temperature would have to be 2.2 \u00d7 104(10\u03c3/vc) K, where a molecular weight of unity is used for simplicity. We see that \u03c3/vc = 0.1 and 0.05 would imply a gas temperature of 2.2 \u00d7 104 K and 1.1 \u00d7 104 K, respectively. This is in the exact regime where gas has been cooled rapidly by atomic cooling processes after infall shock but has yet to be cooled further down by molecular cooling (and low temperature metal cooling) processes. At a density of 5.4 \u00d7 108 cm\u22123 and T = 1.1 \u00d7 104K for \u03c3/vc = 0.05 at r = 1pc, the Jeans mass is 7.3 \u00d7 102 M\u2299. It indicates that the gas disk at r \u223c1pc would fragment at T \u223c104K, which may subsequently form stars directly from atomic cooling gas or may go through the molecular phase \ufb01rst and then form stars. In either case, it appears quite plausible that a disk of height to radius ratio of 0.05 \u22120.1 for vc = 189 km/s at r \u223c1pc and larger radii (note the weaker increase of Jeans mass than the mass on the Mestel disk with increasing radius at a given gas temperature). It is in fact quite remarkable that this completely independent assessment of the likely \u03c3/vc from a physical point of view of gas cooling and fragmentation is almost exactly what is required for producing the observed abundance \f\u2013 16 \u2013 of TDEs in PSBs. 3.2. TDEs Spatially O\ufb00set from Center and Complexities of Debris Dynamics 0 1 2 3 log r (pc) 2 3 4 5 log Ntde(>r) for solid curves -2 -1 0 1 black dot in Figure 2 red square in Figure 2 -2 -1 0 1 log t( 0.1L\u2217(red, blue) galaxies cold (T < 105K) gas is the primary component in the inner regions, with its mass comprising 50% of all gas within r = (30, 150) kpc. At r > (30, 200) kpc for (red, blue) galaxies, the hot (T > 107K) component becomes the majority component. The warm (T = 105\u22127K) component is, on average, a perpetual minority in both red and blue galaxies, with its contribution peaking at \u223c30% at r = 100\u2212300 kpc in blue galaxies and never exceeding 5% in red galaxies. These \ufb01ndings are in agreement with recent observations in many aspects, in particular with respect to the amount of warm gas in star forming galaxies and the amount of cold gas in early type galaxies at low redshift, both of which are physically intriguing and at \ufb01rst instant less than intuitive. In light of a new observational development with respect to the NV to OVI absorption line ratio and in particular the apparent need of seemingly complicated, perhaps contrived, models to explain the data, we here perform a detailed analysis of our high resolution cosmological hydrodynamic simulations to assess whether ab initio cosmological simulations are capable of accounting for this particular observation, in the larger context of the success of the model able to match the overall composition of halo gas, among others. It is particularly relevant to note that the good agreement between our simulations and observations with respect OVI \u03bb\u03bb1032, 1038 absorption lines, presented earlier in Cen (2012a), suggests that the statistical description of the properties of the warm component in the simulations mass, spatial distribution, density, temperature, metallicity, and their environmental dependences has now been \ufb01rmly validated and provides a critical anchor point for our model. Consequently, this additional, independent analysis with respect to NV/OVI ratio and other ratios becomes very powerful to further strengthen or falsify our model or our simulations. Our \ufb01ndings here are both encouraging and intriguing. If one uses a \ufb01xed, solar N/O ratio regardless of the O/H ratio, our model is acceptable, with all 4 KS (Kolmogorov-Smirnov) test p-values greater than 0.28 for either Haardt-Madau (Haardt & Madau 2012, HM hereafter) or HM+local radiation \ufb01eld, where the local radiation \ufb01eld is due to hot gas in the host galaxy. If one allows for a dependence of the N/O ratio on the O/H ratio, both measured by independent observations and motivated by theoretical considerations of two different sources of N, then our model is able to account for the observations highly successfully, with all KS test p-values exceeding 0.9. We additionally examine the following absorption line column density ratios where comparisons to observations may be made in a reasonable statistical fashion, SiIV/OVI, NII/OVI and NIII/OVI, and \ufb01nd that the ratios from our simulations are fully consistent with observations. We also investigate the model where UV radiation from local shock heated gas in concerned galaxies are added to the HM background, which is found to also agree with observations with comparable p-values for all line ratios examined. However, these good agreements come about because observational data points are dominated by upper and lower \f\u2013 3 \u2013 limits instead of actual detections. We discuss how some moderate improvment in observational sensitivity may provide much stronger tests of models. 2. Simulations 2.1. Hydrocode and Simulation Parameters We perform cosmological simulations with the AMR Eulerian hydro code, Enzo (Bryan et al. 2014). We use the following cosmological parameters that are consistent with the WMAP7-normalized (Komatsu et al. 2011) LCDM model: \u2126M = 0.28, \u2126b = 0.046, \u2126\u039b = 0.72, \u03c38 = 0.82, H0 = 100hkms\u22121Mpc\u22121 = 70kms\u22121Mpc\u22121 and n = 0.96. These parameters are also consistent with the latest Planck results (Planck Collaboration et al. 2014), if one adopts the Hubble constant that is the average between Planck value and those derived based on SNe Ia and HST key program (Riess et al. 2011; Freedman et al. 2012). We use the power spectrum transfer functions for cold dark matter particles and baryons using \ufb01tting formulae from Eisenstein & Hu (1999). We use the Enzo inits program to generate initial conditions. First we ran a low resolution simulation with a periodic box of 120h\u22121Mpc on a side. We identi\ufb01ed two regions separately, one centered on a cluster of mass of \u223c2 \u00d7 1014 M\u2299and the other centered on a void region at z = 0. We then re-simulate each of the two regions separately with high resolution, but embedded in the outer 120h\u22121Mpc box to properly take into account large-scale tidal \ufb01eld and appropriate boundary conditions at the surface of the re\ufb01ned region. We name the simulation centered on the cluster \u201cC\" run and the one centered on the void \u201cV\" run. The re\ufb01ned region for \u201cC\" run has a size of 21 \u00d7 24 \u00d7 20h\u22123Mpc3 and that for \u201cV\" run is 31 \u00d7 31 \u00d7 35h\u22123Mpc3. At their respective volumes, they represent 1.8\u03c3 and \u22121.0\u03c3 \ufb02uctuations. The root grid has a size of 1283 with 1283 dark matter particles. The initial static grids in the two re\ufb01ned boxes correspond to a 10243 grid on the outer box. The initial number of dark matter particles in the two re\ufb01ned boxes correspond to 10243 particles on the outer box. This translates to initial condition in the re\ufb01ned region having a mean interparticleseparation of 117h\u22121 kpc comoving and dark matter particle mass of 1.07 \u00d7 108h\u22121 M\u2299. The re\ufb01ned region is surrounded by two layers (each of \u223c1h\u22121Mpc) of buffer zones with particle masses successively larger by a factor of 8 for each layer, which then connects with the outer root grid that has a dark matter particle mass 83 times that in the re\ufb01ned region. The initial density \ufb02uctuations are included up to the Nyquist frequency in the re\ufb01ned region. The surrounding volume outside the re\ufb01ned region is also followed hydrodynamically, which is important in order to properly capture matter and energy exchanges at the boundaries of the re\ufb01ned region. Because we still can not run a very large volume simulation with adequate resolution and physics, we choose these two runs of moderate volumes to represent two opposite environments that possibly bracket the universal average. We choose a varying mesh re\ufb01nement criterion scheme such that the resolution is always \f\u2013 4 \u2013 better than 460/h proper parsecs within the re\ufb01ned region, corresponding to a maximum mesh re\ufb01nement level of 9 above z = 3, of 10 at z = 1 \u22123 and 11 at z = 0 \u22121. The simulations include a metagalactic UV background (Haardt & Madau 2012), and a model for shielding of UV radiation (Cen et al. 2005). The simulations also include metallicity-dependent radiative cooling and heating (Cen et al. 1995). The Enzo version used includes metallicity-dependent radiative cooling extended down to 10K, molecular formation on dust grains, photoelectric heating and other features that are different from or not in the public version of Enzo code. We clarify that our group has included metal cooling and metal heating (due to photoionization of metals) in all our studies since Cen et al. (1995) for the avoidance of doubt (e.g., Wiersma et al. 2009; Tepper-Garc\u00eda et al. 2011). Star particles are created in cells that satisfy a set of criteria for star formation proposed by Cen & Ostriker (1992). Each star particle is tagged with its initial mass, creation time, and metallicity; star particles typically have masses of \u223c105\u22126 M\u2299. Supernova feedback from star formation is modeled following Cen et al. (2005). Feedback energy and ejected metal-enriched mass are distributed into 27 local gas cells centered at the star particle in question, weighted by the speci\ufb01c volume of each cell (i.e., weighting is equal to the inverse of density), which is to mimic the physical process of supernova blastwave propagation that tends to channel energy, momentum and mass into the least dense regions (with the least resistance and cooling). We allow the whole feedback processes to be hydrodynamically coupled to surroundings and subject to relevant physical processes, such as cooling and heating, as in nature. The extremely inhomogeneous metal enrichment process demands that both metals and energy (and momentum) are correctly modeled so that they are transported into right directions in a physically sound (albeit still approximate at the current resolution) way, at least in a statistical sense. In our simulations metals are followed hydrodynamically by solving the metal density continuity equation with sources (from star formation feedback) and sinks (due to subsequent star formation). Thus, metal mixing and diffusion through advection, turbulence and other hydrodynamic processes are properly treated in our simulations. The primary advantages of this supernova energy based feedback mechanism are threefold. First, nature does drive winds in this way and energy input is realistic. Second, it has only one free parameter eSN, namely, the fraction of the rest mass energy of stars formed that is deposited as thermal energy on the cell scale at the location of supernovae. Third, the processes are treated physically, obeying their respective conservation laws (where they apply), allowing transport of metals, mass, energy and momentum to be treated self-consistently and taking into account relevant heating/cooling processes at all times. We use eSN = 1 \u00d7 10\u22125 in these simulations. The total amount of explosion kinetic energy from Type II supernovae with a Chabrier IMF translates to eSN = 6.6 \u00d7 10\u22126. Observations of local starburst galaxies indicate that nearly all of the star formation produced kinetic energy (due to Type II supernovae) is used to power galactic superwinds (e.g., Heckman 2001). Given the uncertainties on the evolution of IMF with redshift (i.e., possibly more top heavy at higher redshift) and the fact that newly discovered prompt Type I supernovae contribute a comparable amount of energy compared to Type II supernovae, it seems that our adopted value for eSN is consistent with observations \f\u2013 5 \u2013 and physically realistic. The validity of this thermal energy-based feedback approach comes empirically. In Cen (2012b) the metal distribution in and around galaxies over a wide range of redshift (z = 0 \u22125) is shown to be in excellent agreement with respect to the properties of observed damped Ly\u03b1 systems (Rafelski et al. 2012), whereas in Cen (2012a) we further show that the properties of OVI absorption lines at low redshift, including their abundance, Doppler-column density distribution, temperature range, metallicity and coincidence between OVII and OVI lines, are all in good agreement with observations (Danforth & Shull 2008; Tripp et al. 2008; Yao et al. 2009). This is non-trivial by any means, because they require that the transport of metals and energy from galaxies to star formation sites to megaparsec scale be correctly modeled as a function of distance over the entire cosmic timeline, at least in a statistical sense. 2.2. Analysis Method We identify galaxies at each redshift in the simulations using the HOP algorithm (Eisenstein & Hut 1998) operating on the stellar particles, which is tested to be robust and insensitive to speci\ufb01c choices of concerned parameters within reasonable ranges. Satellites within a galaxy down to mass of \u223c109 M\u2299are clearly identi\ufb01ed separately in most cases. The luminosity of each stellar particle in each of the Sloan Digital Sky Survey (SDSS) \ufb01ve bands is computed using the GISSEL stellar synthesis code (Bruzual & Charlot 2003), by supplying the formation time, metallicity and stellar mass. Collecting luminosity and other quantities of member stellar particles, gas cells and dark matter particles yields the following physical parameters for each galaxy: position, velocity, total mass, stellar mass, gas mass, mean formation time, mean stellar metallicity, mean gas metallicity, SFR, luminosities in \ufb01ve SDSS bands (and various colors) and others. We show, among others, that the simulated luminosity functions of galaxies at z = 0 are reasonably matched to observations (Cen & Chisari 2011). In the analysis presented here we choose randomly ten galaxies from our simulation that have properties that are similar to observed galaxies in the COS-HALO program (Werk et al. 2013, 2014) with respect to the star formation rate (SFR) and stellar mass. Some relevant properties of the ten simulated galaxies are tabulated in Table 1. A central galaxy is de\ufb01ned to be one that is not within the virial radius of a larger (halo-mass-wise) galaxy. To assist performing post-simulation analysis of the galaxies, we construct lookup tables of the abundances of various ions of elements nitrogen, oxygen and silicon as a function of logarithm of temperature (log T) and logarithm of ionization parameter (log U), for solar metallicity, using the photoionization code CLOUDY (v13.03; Ferland et al. 2013). For each selected simulated galaxy, we construct a cube with size of 320 kpc centered on the galaxy with resolution of 625 pc. We make the simplifying but reasonable assumption that the relevant absorbers are optically thin. Our calculations are performed for two cases of ionizing radiation \ufb01eld that the CGM in each galaxy is assumed to be exposed to. In the \ufb01rst \f\u2013 6 \u2013 Stellar M [1010 M\u2299] Halo M [1011 M\u2299] SFR [ M\u2299/yr] [104K] (gas)[ Z\u2299] central galaxy 1.37 1.37 1.0 27.95 0.23 yes 1.56 1.17 1.5 13.77 0.31 yes 2.25 10.4 1.6 36.76 0.20 no 3.00 4.36 1.7 16.89 0.27 no 2.91 2.05 1.0 10.10 0.23 yes 3.03 2.45 1.6 14.74 0.30 yes 3.63 3.89 2.2 93.48 0.27 yes 3.24 4.92 1.8 25.05 0.16 yes 3.68 6.22 2.6 15.44 0.18 yes 3.97 3.19 1.6 20.79 0.13 yes Table 1: Properties of 10 simulated galaxies used in this study. case, we only use the HM background UV radiation \ufb01eld at z = 0. In the second case, we compute the ionizing UV radiation due to local, shocked heated gas within each concerned galaxy and use the sum of that and the HM background. The local UV ionizing radiation is computed as follows. We compute the emissivity (e\u03bd) [ergs\u22121cm3Hz\u22121sr\u22121] for each cell given its temperature and metallicity at the relevant energies, E = 47.3eV for SiIV, E = 97.88 eV for NV, E = 47.4 eV for NIII, E = 29.6 eV for NII and E = 138.1 eV for OVI ion. This is done by integrating the diffuse spectrum from CLOUDY between 97.88 eV, 1.2 \u00d7 97.88 eV for NV, as an example (similarly for other ions). The diffuse emission includes all gas processes, the free-free emission, radiative free-bound recombination, two-photon emission, and electron scattering, among others, for all elements in the calculation. For each cell the total luminosity density is computed as n2 \u00d7 \u2206V \u00d7 L\u03bd where n is the density and \u2206V its volume. The sum of local ionizing UV radiation luminosity density at a relevant wavelength is L\u03bb. To approximately account for the spatial distribution of local UV radiation sources without the expense of detailed radiative transfer, we compute the half luminosity radius (Re) of a galaxy, within which half of the local radiation luminosity in that galaxy originates. Then, we assign the local \ufb02ux to each cell with distance r from the center of the galaxy, approximately, as F\u03bb,r = L\u03bb 4\u03c0r2[1 + 2e\u2212r/(2Re)]. (1) The new ionization radiation \u201cbackground\" at each cell with the inclusion of the local emission is computed as Fnew = FHM,\u03bb+Fr,\u03bb, where FHM,\u03bb is the \ufb02ux of the HM background radiation at the relevant wavelength \u03bb. Since the local radiation is mostly dominated by dense hot gaseous regions that tend to be spatially centrally concentrated, our neglect of its possible attenuation likely makes the second case of radiation \ufb01eld (HM+local) an upper limit. Thus, the two choices of radiation \ufb01eld likely bracket all possible cases. Each cell has a size of 625 pc within a cube of 320 kpc centered on each selected sim\f\u2013 7 \u2013 ulated galaxy, we convert the density nH and the radiation F at the cell to the ionization parameter U = F/cnH at the radiation energy in question, where c is speed of light. Using U and temperature of the cell, we \ufb01nd the abundances of various ions for each cell using the pre-computed CLOUDY lookup tables, which is then multiplied by the metallicity of the cell in solar units. We use the updated solar abundances of these elements from Asplund et al. (2009), in the notation of log \u03f5x = log(Nx/NH) + 12 listed in Table 2. Table 2 lists the UV lines analyzed in this paper, where each doublet is listed using two rows. The information for each line is listed, including wavelength (column 2), oscillator strength (column 3), lower and upper energy levels of the transition (columns 4,5) and abundance of the element (column 6). In column 7, we list the lower column density threshold in constructing covering fractions of the lines (see Figure 4). Each of the lower column density thresholds is chosen to be the minimum of the upper limits for each respective ion. For computing the frequency of the line ratios, essentially some line to the OVI line in all cases, we choose the cut for the OVI column density at log NOVI > 14, which approximately corresponds to the lowest column density of detected OVI absorbers. Note that all of the lines studied here are resonant lines. Ion wavelength[\u00c5] oscillator strength lower level upper level log \u03f5 log Ncut NV 1238.8 1.56e-1 2S1/2 2P1/2 7.83 13.42 NV 1242.8 7.8e-2 2S1/2 2P3/2 7.83 13.42 NIII 989.7 1.23e-1 2P1/2 2D3/2 7.83 13.50 NII 1083.9 1.11e-1 3P0 3D1 7.83 13.46 OVI 1031.9 1.33e-1 2S1/2 2P3/2 8.69 13.27 OVI 1037.6 6.6e-2 2S1/2 2P1/2 8.69 13.27 SiIV 1393.7 5.13e-1 2S1/2 2P3/2 7.51 12.38 SiIV 1402.7 2.55e-1 2S1/2 2P1/2 7.51 12.38 Table 2: Properties of UV lines analyzed in this study. Unlike oxygen and silicon, nitrogen stems from both primary and secondary producers and consequently nitrogen abundance is theoretically expected to be a function of overall metallicity, for which oxygen abundance is a good proxy. This theoretical expectation is con\ufb01rmed by observations. We use the \ufb01tting formula of Moll\u00e1 et al. (2006), which is normalized at solar value, to express the N/O ratio as a function of O/H ratio: log(N/O) = \u22121149.31 + 1115.23x \u2212438.87x2 + 90.05x3 \u221210.20x4 + 0.61x5 \u22120.015x6, (2) where x = 12 + log(O/H). In subsequent analysis, where nitrogen is concerned, we perform the analysis twice, one assuming N/O to be independent of O/H and another using Eq (2). To give the magnitude of the effect, we note that at (0.03, 0.1, 0.3) Z\u2299for oxygen abundance, N/O value is (0.27, 0.28, 0.4) in solar units. \f\u2013 8 \u2013 3. Results Total gas Temp Metallicity SiIV NV OVI 19 20 21 22 4 5 6 \u22122 \u22121 0 10 11 12 13 14 15 16 9 10 11 12 13 14 15 10 11 12 13 14 15 16 Fig. 1.\u2014 shows projection plots along one of the axes of the 320 kpc cube for one of the galaxies listed in Table 1. From top-left in clockwise direction are logarithm of total hydrogen column density (top-left), logarithm of the density-weighted gas temperature (top-middle), logarithm of the density-weighted gas metallicity in solar units (top-right), logarithm of OVI column density (bottom-right), logarithm of NV column density (bottom-middle) and logarithm of SiIV column density (bottom-left). Before presenting quantitative results, we show visually some basic quantities for a few galaxies in Figures1, 2, 3. Some features are easily visible just from these three random examples. First, large variations from galaxy to galaxy are evident, for each of the displayed variables. Physically, this stems from density and thermodynamic structures of each galaxy being subject to its unique exterior and interior forces, including halo mass, gas in\ufb02ow and associated dynamic and thermodynamic effects, feedback from star formation and related dynamic and thermodynamic effects, As an illustrative example, in Figure1, we see the temperature at the lower-left triangle mostly in the range of 105.5 \u2212106K, compared to the temperature at the upper-right triangle mostly in the range of 104.5 \u2212105K. We do not investigate here further into the dynamic causes of such temperature patterns with possible physical processes including merger shocks and stellar feedback (i.e., supernova) shocks. Second, the temperature distribution of the CGM is far from uniform. Indeed, the CGM is of multi-phase in nature, typically spanning the range of 104 \u2212106K within the \u223c150 kpc radial range for the galax\f\u2013 9 \u2013 Total gas Temp Metallicity SiIV NV OVI 18 19 20 21 22 4 5 6 \u22123 \u22122 \u22121 0 10 11 12 13 14 15 16 8 9 10 11 12 13 14 9 10 11 12 13 14 15 Fig. 2.\u2014 shows the same as in Figure 1 but for another galaxy. Total gas Temp Metallicity SiIV NV OVI 18 19 20 21 22 4 5 6 \u22122 \u22121 0 9 10 11 12 13 14 15 9 10 11 12 13 14 15 10 11 12 13 14 15 16 Fig. 3.\u2014 shows the same as in Figure 1 for yet another galaxy. \f\u2013 10 \u2013 ies examined. This property is of critical importance to the line ratios that we obtain in the simulations. Third, the metallicity distribution in the CGM is highly inhomogeneous, typically spanning 10\u22122 \u2212100 Z\u2299. Fourth, although the number of galaxies looked at is small, we \ufb01nd that star-forming galaxies, as those selected in this investigation, tend to be involved in signi\ufb01cant mergers. This in turn suggests that signi\ufb01cant mergers may be a necessary ingredient in driving signi\ufb01cant star formation activities in galaxies at low redshift. We now turn to quantitative results. The top-left panel of Figure 4 shows the column density distributions of the \ufb01ve lines. Due to our projection method, the number of weaker lines are underestimated due to blending. The turndown of the number of the OVI lines below column density 1013cm\u22122 is probably due to that. This is unlikely to signi\ufb01cantly affect our results below, since our coincidence analysis is focused on OVI absorbers with column density higher than 1014cm\u22122. The covering fractions shown in Figure 4 may be somewhat overestimated, since the column density cutoff for OVI is 1013.27cm\u22122; a comparison between the cutoff column densities listed in Table 2 and the behavior of the column density histograms shown in the top-left panel of Figure 4 for the other four lines (SiIV, NV, NIII and NII) suggests that the covering fractions for these four lines are unlikely affected signi\ufb01cantly due to blending. The remaining three panels of Figure 4 show covering fraction of OVI and SiIV (top-right panel), NV, NIII, NII lines with constant N/O ratio (bottom-left panel) and with N/O as a function of O/H (Eq 2, bottom-right panel). Several interesting properties may be noted. First, there is a signi\ufb01cant drop of covering fraction, by a factor of 2 \u221210, from the central regions (a few kpc) to \u223c150 kpc. This is likely due primarily to a combination of the general trend of decreasing gas density and decreasing metallicity of the CGM with increasing galacto-centric radius. In spite of this covering fraction decrease with radius, most of the absorbers are located at large impact parameters, since the area increases with radius at a higher rate, for example, by a factor of 64 from 20 kpc to 160 kpc. Second, the OVI covering fraction (top panel) is large and largest among the examined lines, ranging from 80 \u221290% at \u226410 kpc to \u223c50% at \u2264150 kpc, given the chosen column density thresholds listed in Table 2. This is in good agreement with observations (e.g., Chen & Mulchaey 2009; Prochaska et al. 2011). Third, it is particularly noteworthy that there is essentially no difference between HM and HM+local cases for the OVI covering fraction. This indicates that photoionization plays a negligible role in the abundance of OVI. In other words, OVI is produced by collisional processes, powered by feedback and gravitational shocks, which will be veri\ufb01ed subsequently [see Cen (2013) for a detailed discussion on the varying contributions of stellar feedback versus gravitational shocks in different types of galaxies]. Fourth, a stronger radiation \ufb01eld tend to increase the abundance of NII and NIII but the opposite is true for NV. But the difference between HM and HM+local cases for both NII and NIII are fairly minor, indicating that collisional processes are the primary powering source for producing NII and NIII. This is not the case for SiIV and NV, where the differences between HM and HM+local cases are substantial and the differences are larger toward small impact parameters. This suggests that a higher HM+local radiation is able to produce NV for high density gas in the inner regions of star-forming galaxies, while \f\u2013 11 \u2013 11 12 13 14 15 16 logN[cm\u22122] 0.0 0.1 0.2 0.3 0.4 0.5 0.6 PDF HM OVI SiIV NV NIII NII 0 20 40 60 80 100 120 140 160 ImpactParameter[kpc] 0.0 0.1 0.2 0.3 0.4 0.5 0.6 0.7 0.8 0.9 CoveringFraction OVI[HM] OVI[HM+Local] SiIV[HM] SiIV[HM+Local] 0 20 40 60 80 100 120 140 160 ImpactParameter[kpc] 0.0 0.1 0.2 0.3 0.4 0.5 0.6 0.7 0.8 0.9 CoveringFraction constant[N/O] NV[HM] NV[HM+Local] NIII[HM] NIII[HM+Local] NII[HM] NII[HM+Local] 0 20 40 60 80 100 120 140 160 ImpactParameter[kpc] 0.0 0.1 0.2 0.3 0.4 0.5 0.6 0.7 0.8 0.9 CoveringFraction varying[N/O] NV[HM] NV[HM+Local] NIII[HM] NIII[HM+Local] NII[HM] NII[HM+Local] Fig. 4.\u2014 Top-left panel: shows the column density distributions for all \ufb01ve lines in the case with HM, and for the three nitrogen lines with varying N/O (Eq 2). Top-right panel: shows the covering fraction as a function of the galacto-centric impact parameter for OVI absorbers with column density above 1013.27cm\u22122 with HM (solid blue curve) and with HM+local (dotdashed blue curve), for SiIV absorbers with column density above 1012.38cm\u22122 with HM (solid green curve) and with HM+local (dot-dashed green curve). Bottom-left panel: shows the same as in the top panel but for the three nitrogen absorption lines with column density above 1013.43cm\u22122 for NV (blue curves), 1013.50cm\u22122 for NIII (red curves) and 1013.46cm\u22122 for NII (green curves), under the assumption that N/O ratio is independent of metallicity. The solid curves correspond to the case with only HM radiation background, whereas the dot-dashed curves are for the case with HM+local radiation. Bottom-right panel: shows the same as for the bottom-left panel, except that we use Eq (2) for nitrogen abundance as a function of oxygen abundance. the outer regions are mainly dominated by collisional processes, consistent with a trend of increasing temperature with increasing galacto-centric radius found in Cen (2013). Finally, comparing the bottom-left and bottom-right panels, we see signi\ufb01cant differences between constant N/O case (left) and varying N/O case (Eq 2, right). A closer look reveals that the \f\u2013 12 \u2013 \u22122.5 \u22122.0 \u22121.5 \u22121.0 \u22120.5 0.0 logN(NV)/N(OVI) 0.0 0.5 1.0 1.5 2.0 PDF [HM, constantN/O] [HM+local, constantN/O] \u22122.5 \u22122.0 \u22121.5 \u22121.0 \u22120.5 0.0 logN(NV)/N(OVI) 0.0 0.5 1.0 1.5 2.0 PDF [HM, varyingN/O] [HM+local, varyingN/O] \u22122.5 \u22122.0 \u22121.5 \u22121.0 \u22120.5 0.0 0.5 1.0 logN(NIII)/N(OVI) 0.0 0.2 0.4 0.6 0.8 1.0 PDF [HM, constantN/O] [HM+local, constantN/O] \u22122.5 \u22122.0 \u22121.5 \u22121.0 \u22120.5 0.0 0.5 1.0 logN(NIII)/N(OVI) 0.0 0.2 0.4 0.6 0.8 1.0 PDF [HM, varyingN/O] [HM+local, varyingN/O] \u22122.5 \u22122.0 \u22121.5 \u22121.0 \u22120.5 0.0 0.5 1.0 logN(NII)/N(OVI) 0.0 0.2 0.4 0.6 0.8 1.0 PDF [HM, constantN/O] [HM+local, constantN/O] \u22122.5 \u22122.0 \u22121.5 \u22121.0 \u22120.5 0.0 logN(NII)/N(OVI) 0.0 0.2 0.4 0.6 0.8 1.0 PDF [HM, varyingN/O] [HM+local, varyingN/O] Fig. 5.\u2014 Top row: shows the probability distribution function (PDF) of the ratio of N(NV)/N(OVI) for all OVI absorbers with N(OVI) > 1014cm\u22122 with constant N/O ratio (left) and varying N/O as a function of O/H (Eq 2). Middle row: the same for NIII/OVI. Bottom row: the same for NII/OVI. (Blue, red) histograms are for (HM, HM+local) radiation \ufb01eld. The observational data are shown for three separate types: black dots are those with both lines detected, left green arrows are those where the numerator line is an upper limit and the denominator line a detection, and brown left arrows are those where the numerator line is an upper limit and the denominator line a lower limit. The y coordinates of the points are arbitrary. \f\u2013 13 \u2013 difference increases with increasing impact parameter, re\ufb02ecting the trend of decreasing gas metallicity (O/H) with increasing impact parameter. Also revealed is that the decreases in covering fraction from constant N/O to varying N/O case for different lines differ signi\ufb01cantly, re\ufb02ecting the complex multi-phase medium with inhomogeneous, temperature-and-densitydependent metallicity distribution; while the decrease for NIII is relatively small (a factor of less than two for all impact parameters), the decreases for NII and NV are quite large, a factor of larger than two at < 150 kpc. As we will quantify using KS tests subsequently, the signi\ufb01cant reduction in nitrogen abundance with the varying N/O case results in noticeably better KS test p-values with respect to NII/OVI, NIII/OVI, NV/OVII column density ratios. We now make direct comparisons to observations with respect to the ratio of column densities for four absorption line pairs. Figure 5 shows the probability distribution functions of N(NV)/N(OVI) (top row), N(NIII)/N(OVI) (middle row) and N(NII)/N(OVI) (bottom row), with each row further separated for constant N/O (left) and varying N/O cases (right). Due to the fact that the vast majority of NII, NIII and NV absorbers have metallicities in the range of [O/H] = \u22121 to \u22120.5 (see Figure 7 below), the horizontal shifts of the peaks of the PDFs for the ratios of all three nitrogen lines to OVI are substantial, of order 0.5 dex. The shifts have noticeable effects on the KS tests between simulations and observations below given in Table 3. An examination by eye between the simulation results and observational data comes with the visual impression that all cases agree reasonably well with observations, which will be veri\ufb01ed quantitatively. Figure 6 shows the probability distribution functions of N(SiIV)/N(OVI) column density ratios. Once again, visual examination suggests agreement with simulations and observations. Line ratio HM HM+Local NV/OVI[constant N/O] 0.33 0.37 NII/OVI[constant N/O] 0.93 0.99 NIII/OVI[constant N/O] 0.28 0.49 NV/OVI[varying N/O] 0.99 0.99 NII/OVI[varying N/O] 0.99 0.99 NIII/OVI[varying N/O] 0.91 0.96 SiIV/OVI 0.9 0.98 Table 3: Two-sample KS test p-values for column density ratio distributions of four absorption line pairs, including cases with constant and varying N/O ratios and HM versus HM+local radiation \ufb01eld To gain a more quantitative statistical test between simulations and observations, we perform two-sample KS tests between simulated and observed column density ratios for four pairs of lines, NV/OVI, NII/NV, NIII/OVI and SiIV/OVI. Since most of the observational data are upper and lower limits, instead of actual detections, our analysis is performed as follows. For the case where the numerator line is an upper limit and the denominator line is a detection, we allow the ratio to be drawn from the simulation distribution with value upper-bounded by \f\u2013 14 \u2013 \u22122.5 \u22122.0 \u22121.5 \u22121.0 \u22120.5 0.0 logN(SiIV)/N(OVI) 0.0 0.2 0.4 0.6 0.8 1.0 1.2 1.4 1.6 PDF [HM] [HM+local] Fig. 6.\u2014 shows the PDF of the ratio of N(SiIV)/N(OVI) for all OVI absorbers with N(OVI) > 1014cm\u22122. The points are observational data divided into three separate types: the black dots are those with both lines in the ratio detected, the left green arrows are those where SiIV line is an upper limit and OVI line is a detection, and the brown left arrows are those where SiIV line is an upper limit and OVI line is a lower limit. The blue histograms are for HM radiation \ufb01eld, whereas the red histograms are for HM+local radiation \ufb01eld. The y coordinates of the points are arbitrary. the upper limit. The same is done for the case where the numerator line is an upper limit and the denominator line is a lower limit. Then, in conjunction with detections, where both lines are detected, we perform a two-sample KS test for each of the four line pairs, NV/OVI, NII/NV, NIII/OVI and SiIV/OVI, between simulations and observations. Needless to say, our presently adopted procedure to treat the upper and lower limits cases favors agreement with observations and simulations. Nevertheless, the procedure is consistent with the current data. The results are tabulated in Table 3. Clearly, no major disagreements can be claimed as to reject the simulation results in all four cases, (constant N/O, varying N/O) times (HM, HM+local). However, there are hints, at face value, that the constant N/O cases are less preferred than the varying N/O cases. Nonetheless, it is premature to make any \ufb01rm statistical conclusion on that at this juncture. Thus, the only robust conclusion we can reach at this time is that our simulation predictions are fully consistent with extant observational data with respect to the four line ratios, NV/OVI, NII/NV, NIII/OVI and SiIV/OVI. What would exponentially increase the statistical power of testing the models is to turn these current upper limits into real detections. We have performed the following exercise to demonstrate this point. Let us assume that all current upper limits of the column density ratios become detections and the detection values are lower than current upper limits uniformly by a factor of \u2206dex. We \ufb01nd that, if \u2206= (0.18, 0.16), the KS p-values for the NV/OVI line ratio become (0.05, 0.05) for the (HM, HM+local) cases with constant N/O; with \u2206= (0.21, 0.20), the KS p-values for the NV/OVI line ratio become (0.01, 0.01) for the (HM, HM+local) cases with \f\u2013 15 \u2013 constant N/O. For the varying N/O cases, the situation is non-monotonic in the following sense: the KS p-values for the NV/OVI line ratio are (0, 0) for the (HM, HM+local) with \u2206= (0, 0), increasing to a maximum of (0.5, 0.8) with \u2206= (0.70, 0.63), then downturning to (0.01, 0.01) with \u2206= (0.83, 0.78). Obviously, a uniform shift is an oversimpli\ufb01cation. Nevertheless, this shows clearly an urgent need to increase observational sensitivity in order to place signi\ufb01cantly stronger constraints on models than currently possible. When all line pairs are deployed, the statistical power will be still, likely much, greater. 11 12 13 14 15 16 logNOVI[cm\u22122] \u22123.5 \u22123.0 \u22122.5 \u22122.0 \u22121.5 \u22121.0 \u22120.5 0.0 0.5 logZ[Z\u2299] [HM] 11 12 13 14 15 16 logNNV[cm\u22122] \u22123.0 \u22122.5 \u22122.0 \u22121.5 \u22121.0 \u22120.5 0.0 0.5 logZ[Z\u2299] [HM] 11 12 13 14 15 16 logNSiIV[cm\u22122] \u22122.0 \u22121.5 \u22121.0 \u22120.5 0.0 0.5 logZ[Z\u2299] [HM] 11 12 13 14 15 16 logNNIII[cm\u22122] \u22122.5 \u22122.0 \u22121.5 \u22121.0 \u22120.5 0.0 0.5 logZ[Z\u2299] [HM] Fig. 7.\u2014 shows the number density of absorption lines in the column density-metallicity plane for OVI (top-left panel), NV (top-right panel), NIII (bottom-right panel) and SiIV (bottomleft panel). The contour levels are evenly spaced in log-scale spanning the range of 0.5 and half of maximum density in each panel. Only the HM case with varying N/H case is shown for all lines, because the difference between HM and HM+local cases is found to be relatively small. Finally, we turn to a closer examination of the physical conditions that give rise to the various absorption lines in our simulations shown above. In Figure 7 we show the number density of lines in the column density-metallicity plane for OVI (top-left panel), NV (top-right panel), NIII \f\u2013 16 \u2013 11 12 13 14 15 16 logNOVI[cm\u22122] 4.5 5.0 5.5 6.0 6.5 logT[K] [HM] 11 12 13 14 15 16 logNNV[cm\u22122] 4.0 4.5 5.0 5.5 6.0 logT[K] [HM] 11 12 13 14 15 16 logNSiIV[cm\u22122] 4.0 4.2 4.4 4.6 4.8 5.0 5.2 5.4 5.6 logT[K] [HM] 11 12 13 14 15 16 logNNIII[cm\u22122] 4.0 4.2 4.4 4.6 4.8 5.0 5.2 5.4 logT[K] [HM] Fig. 8.\u2014 shows the number density of absorption lines in the column density-temperature plane for OVI (top-left panel), NV (top-right panel), NIII (bottom-right panel) and SiIV (bottomleft panel). The contour levels are evenly spaced in log-scale spanning the range of 0.5 and half of maximum density in each panel. Only the HM case with varying N/H case is shown for all lines, because the difference between HM and HM+local cases is found to be relatively small. (bottom-right panel) and SiIV (bottom-left panel). Overall, while there is a signi\ufb01cant span in metallicity, with as low as [Z/H] = \u22123.5 at the low column density end for OVI, the vast majority of absorbers have metallicities falling into the range [O/H] = \u22122 to \u22120.5 for OVI, [O/H] = \u22122 to \u22120.5 for NV, [O/H] = \u22122 to \u22120.5 for NV and [O/H] = \u22121 to \u22120.5 for SiIV. At the high column density end, we see [O/H] \u223c\u22120.5 to 0 for OVI, [O/H] \u223c\u22120.5 to 0.5 for NV, [O/H] \u223c0 to 0.5 for NIII and [O/H] \u223c0 to 0.5 for SiIV. These trends and signi\ufb01cant disparities between different lines are a results of complex multi-phase CGM with a very inhomogeneous metallicity distribution. Simplistic collisional excitation/ionization models are unlikely to be able to capture all of the key elements of the physical processes involved and may lead to conclusions that are not necessarily conformal to direct analyses of the simulations. \f\u2013 17 \u2013 Figure 8 shows the number density of lines in the column density-temperature plane for OVI (top-left panel), NV (top-right panel), NIII (bottom-right panel) and SiIV (bottom-left panel). To set the context of collisionally dominated ionization processes, we note that, under the assumption of collisional ionization equilibrium, as in CLOUDY, the peak temperature for the element in question with Half-Width-Half-Maximum is approximately (3.0\u00b10.5)\u00d7105K for OVI, (2.0\u00b10.5)\u00d7105K for NV, 7.5+5.0 \u22123.0\u00d7104K for NIII and 7.3+1.8 \u22122.2\u00d7104K for SiIV (e.g., Gnat & Sternberg 2007). A one-to-one comparison between each of these four peak temperature (and its width) and the contour levels indicates that for OVI and NV lines the collisional ionization dominates the process for creating OVI at NOVI \u22651014cm\u22122 and NVI at NNV \u22651013cm\u22122, respectively, manifested in the horizontal extension of the contours pointing to the right at the temperature (with an appropriate width) in question. The same can be said about the SiIV line at the high column end NSiIV \u22651015cm\u22122; however, at lower NSiIV values (\u22641015cm\u22122), the contours are no longer aligned horizontally, indicative of enhanced contribution of photoionization due to lower ionization potential of SiIII (33.49eV) versus say OV (77.41eV). Similar statements about NIII lines to those for SiIV can be made due to similar reasons. Overall, the similarity between OVI and NV lines suggests that collisional ionization processes are dominant and results with respect to these two lines are relatively immune to uncertainties in the radiation \ufb01eld used. However, the apparent insensitivity of results on the radiation \ufb01eld with detailed calculation we have performed, in the way of comparing HM and HM+local results, indicates that the net effect due to an increase of radiation \ufb01eld is relatively small due to the large ranges of density and metallicity of gas involved, although the actual situation appears to be more intertwined because of nonlinear relationships between density, metallicity, ionization parameter and column density. As an example, as shown earlier in Figure 4, a stronger radiation \ufb01eld tend to increase the abundance of NIII, although the difference between HM and HM+local cases for is apparently minor, seeming to suggest con\ufb02ictingly that collisional processes are the primary powering source for producing NIII. A more thorough theoretical study and a more detailed comparison to observations will be desirable, when a larger observational sample with more sensitive column density detection limits becomes available. As we have demonstrated, a fraction of a dex increase in sensitivity may warrant a revisit to a detailed comparison. 4."
+ },
+ {
+ "url": "http://arxiv.org/abs/1606.05930v2",
+ "title": "Constraint on Matter Power Spectrum on $10^6-10^9M_\\odot$ Scales from ${\\large\u03c4_e}$",
+ "abstract": "An analysis of the physics-rich endgame of reionization at $z=5.7$ is\nperformed, utilizing jointly the observations of the Ly$\\alpha$ forest, the\nmean free path of ionizing photons, the luminosity function of galaxies and new\nphysical insight. We find that an upper limit on ${\\rm \\tau_e}$ provides a\nconstraint on the minimum mean free path (of ionizing photons) that is\nprimarily due to dwarf galaxies, which in turn yields a new and yet the\nstrongest constraint on the matter power spectrum on $10^6-10^9M_\\odot$ scales.\nWith the latest Planck measurements of ${\\rm \\tau_e = 0.055 \\pm 0.009}$, we can\nplace an upper limit of $(8.9\\times 10^6, 3.8\\times 10^7, 4.2\\times\n10^8)M_\\odot$ on the lower cutoff mass of the halo mass function, or equivalent\na lower limit on warm dark matter particle mass ${\\rm m_x \\ge (15.1, 9.8,\n4.6)keV}$ or on sterile neutrino mass ${\\rm m_s \\ge (161, 90, 33)keV}$, at $(1,\n1.4, 2.2)\\sigma$ confidence level, respectively.",
+ "authors": "Renyue Cen",
+ "published": "2016-06-20",
+ "updated": "2016-09-14",
+ "primary_cat": "astro-ph.CO",
+ "cats": [
+ "astro-ph.CO"
+ ],
+ "main_content": "Introduction The Gunn & Peterson (1965) optical depth of Ly\u03b1 photons provides the strongest and most sensitive constraint on the neutral hydrogen fraction of the intergalactic medium (IGM). The integrated electron scattering optical depth of the universe provides a complementary constraint on the ionized fraction of the IGM, but is insensitive to the neutral hydrogen fraction as long as the IGM is mostly ionized. Recent measurements of the electron scattering optical depths of the IGM by the cosmic microwave background radiation experiments (e.g., Hinshaw et al. 2013; Planck Collaboration et al. 2015) suggest that it may be signi\ufb01cantly below redshift z = 12 before the universe becomes half reionized. The observations of the high redshift (z > 6) quasar absorption spectra from the Sloan Digital Sky Survey (SDSS) and others (e.g., Fan et al. 2006) and arguments based on the slowly and continuously evolving IGM opacity (e.g., Becker et al. 2007) suggest that only at z = 5.7 the universe is suf\ufb01ciently ionized to allow for detectable transmission of Ly\u03b1 photons hence de\ufb01nitive measurements of (low enough) Ly\u03b1 (and higher order Lyman series) optical depth. It is generally accepted that stars are primarily responsible for producing most of the ionizing photons for cosmological reionization. While it seems relatively secure to further suggest that the reionization process has begun at z \u226510 based on analysis of expected emergence of \ufb01rst galaxies in the standard cold dark matter model (e.g., Trac et al. 2015), the combination of these independent observational indications now paints a reionization picture that is rapidly arXiv:1606.05930v2 [astro-ph.CO] 14 Sep 2016 \f\u2013 2 \u2013 evolving at z = 6\u221210. Two important implications are that the so-called \ufb01rst galaxies that form out of primordial gas may be closer to us than thought before and that Popolation III (Pop III) stars formed with metal-free gas may extend to more accessible redshifts. In this contribution we perform a detailed analysis of the endgame of the cosmological reionization at z = 5.7. We examine joint constraints on the IGM from considerations of both global and local ionization balances observationally and, for the \ufb01rst time, self-consistently in the context of the standard cold dark matter model. We \ufb01nd reasonable concordance between Ly\u03b1 optical depth, Lyman continuum (LyC) mean free path (mfp) \u03bbmfp and global recombination rate of hydrogen observationally and theoretically. We solve the global reionization equation, given the emissivity evolution in the context of the standard cold dark matter model normalized to the boundary conditions of required emissivity at z = 5.7 and reionization completing at z = 5.7. We provide a detailed analysis of the attainable solutions of reionization histories to shed light on the overall topological evolution of the HII regions, the evolution of the Ly\u03b1 emitters, the neutral fraction of the IGM, and a new and powerful constraint on the matter power spectrum on small scales hence dark matter particle properties. Our focus here is on placing a yet the strongest constraint on the scale-scale power in the cosmological model and, speci\ufb01cally, the strongest lower bound on the mass of warm dak matter particles. The physical insight on this particular point is new and may be described brie\ufb02y as follows. The state of the IGM at z = 5.7 is well \ufb01xed by the Gunn & Peterson (1965) optical depth of Ly\u03b1 photons, which in turn provides a tight constraint on the photoionization rate \u0393 at z = 5.7 in the post-reionization epoch. Since \u0393 at z = 5.7 is equal to \u02d9 Nion,IGM\u03bbmfp\u00af \u03c3ion, where \u02d9 Nion,IGM is the global mean of effective ionization photon emissivity at z = 5.7, \u03bbmfp is the mean free path of ionizing photons at z = 5.7 and \u00af \u03c3ion is the spectrum-weighted mean photoionization cross section, a constant. Thus, a tight constraint on \u0393 at z = 5.7 is equivalent to an equally tight constraint on the product \u02d9 Nion,IGM\u03bbmfp at z = 5.7. Note that \u02d9 Nion,IGM already takes into account the escape fraction of ionizing photon from ionization sources (e.g., galaxies and others). The degeneracy between \u02d9 Nion,IGM and \u03bbmfp can be broken, if one considers, jointly, a separate constraint placed by an upper limit on the integrated electron scattering optical depth of the universe \u03c4e from the latest cosmic microwave background radiation experiments (e.g., Planck Collaboration et al. 2016). This is where our new physical insight comes in. We point out that, when the product \u02d9 Nion,IGM\u03bbmfp is \ufb01xed, a higher \u03bbmfp would require a lower \u02d9 Nion,IGM, which in turn would cause the reionization process to shift to lower redshift hence give rise to a lower \u03c4e. In other words, there is a negative correlation between \u03bbmfp and \u03c4e. Since more small-scale power results in a lower \u03bbmfp, there is then a negative correlation between the amount of small-scale power and \u03c4e more small-scale power leads to lower \u03c4e. As a result, an upper bound on \u03c4e placed by the latest CMB observations would translate to a lower bound on the amount of small-scale power hence a lower bound on the particle mass in the context of the warm dark matter model. This is the scienti\ufb01c focus of this paper. \f\u2013 3 \u2013 2. On Sinks and Sources of Lyman Continuum at z = 5.7 2.1. Global Balance of Emission and Recombination The hydrogen recombination rate per unit comoving volume at redshift z is \u02d9 Nrec = CHII\u03b1B(T)[1 + Yp/4(1 \u2212Yp)]n2 H,0(1 + z)3 (1) and the corresponding helium I recombination rate is \u02d9 NHeI,rec = CHII\u03b1B(HeI, T)[1 + Yp/4(1 \u2212Yp)][Yp/4(1 \u2212Yp)]n2 H,0(1 + z)3, (2) where nH,0 = 2.0 \u00d7 10\u22127(\u2126B/0.048)cm\u22123 is the mean hydrogen number density at z = 0, Yp = 0.24 the primordial helium mass fraction, CHII is the clumping factor of the recombining medium. The case B recombination coef\ufb01cient \u03b1B(T) = (2.59, 2.52) \u00d7 10\u221213 cm3s\u22121 at T = (104, 2 \u00d7 104)K (Osterbrock 1989). The case B He I recombination coef\ufb01cient is \u03b1B(HeI, T) = (2.73, 1.55) \u00d7 10\u221213 cm3 s\u22121 at T = (104, 2 \u00d7 104)K (Osterbrock 1989). To prevent the already ionized IGM from recombining, the amount of ionizing photons entering the IGM has to be, at least, equal to the total recombination rate, resulting in the well known minimum requirement of ionizing photon production rate (e.g., Madau et al. 1999) \u02d9 Nion,global\u2265\u02d9 Nrec + \u02d9 NHeI,rec = 3.4 \u00d7 1050(CHII/3.2)(\u2126b/0.048)2((1 + z)/6.7)3cMpc\u22123s\u22121 for T = 104K = 3.2 \u00d7 1050(CHII/3.2)(\u2126b/0.048)2((1 + z)/6.7)3cMpc\u22123s\u22121 for T = 2 \u00d7 104K, (3) assuming that helium II is not ionized. We shall call this constraint expressed in Eq 3 \u201cglobal constraint\". For clarity we will adopt the convention to use cMpc and pMpc to denote comoving and proper Mpc, respectively. Early hydrodynamical simulations suggest CHII \u223c10 \u221240 at z < 8 (e.g., Gnedin & Ostriker 1997). More recent simulations that separate out dense interstellar medium (ISM) from the IGM indicate a lower CHII \u223c1 \u22126 at z \u223c6 (e.g., Sokasian et al. 2003; Iliev et al. 2006; Pawlik et al. 2009; Shull et al. 2012; Finlator et al. 2012). Pawlik et al. (2009) give CHII = 3.2 for z \u226410 = 1 + exp (\u22120.28z + 3.59) for z > 10, (4) which we will use in the calculations below. As we demonstrate later, the value CHII = 3.2 at z = 5.7 is concordant between considerations of global and local ionization balances. 2.2. Local Balance of Ionization and Recombination A second, independent determination of ionizing photon production rate can be obtained from the Ly\u03b1 optical depth around cosmic mean density, \u03c4Ly\u03b1, i.e., the Gunn & Peterson (1965) \f\u2013 4 \u2013 optical depth, at z = 5.7, where observational measurements are available. Because of the large cross section of neutral hydrogen for Ly\u03b1 scattering, \u03c4Ly\u03b1 is the most sensitive probe of neutral medium in the low neutral-fraction regime. From the SDSS observations of high redshift quasar absorption spectra \u03c4Ly\u03b1 is directly measured (Fan et al. 2002; Fan et al. 2006). When analyzed in conjunction with density distributions of the IGM from hydrodynamic simulations, one can infer both the volume weighted neutral fraction and the ionization rate \u0393, expressed in units of 10\u221212s\u22121, \u0393\u221212. Because the mean density regions that determine the volumeweighted neutral fraction are well resolved in simulations (i.e., the simulation resolution is much \ufb01ner than the Jeans scale of the photoionized IGM), the uncertainty on the determined volume-weighted neutral fraction is small and does not depend sensitively on cosmological parameters, either. The analysis performed by Cen & McDonald (2002) uses a smaller sample of SDSS quasars coupled with simulations of Cen et al. (1994). The analysis performed by Fan et al. (2006) utilizes a larger quasars sample and the density distribution function of MiraldaEscud\u00e9 et al. (2000). Both studies derive, independently, \u0393\u221212 \u223c0.20. For the subsequent calculations, we will use \u0393\u221212 = 0.20+0.11 \u22120.06 (5) at z = 5.7 from Fan et al. (2006). Under the assumption that the spatial scales of \ufb02uctuations (or clustering scales) for both sources and sinks are substantially smaller than the mean free path \u03bbmfp of LyC photons, then the (approximately uniform) ionizing \ufb02ux at any spatial point is Fion = Z \u221e 0 \u02d9 Nion,IGM 4\u03c0r2 exp (\u2212r/\u03bbmfp)4\u03c0r2dr = \u02d9 Nion,IGM\u03bbmfp, (6) where \u02d9 Nion,IGM is the mean emissivity of ionizing photons entering the IGM. We note that the 2-point correlation length of galaxies at z = 5.7 is 4 \u22125cMpc (e.g., Ouchi et al. 2010), much smaller than \u03bbmfp \u223c30\u221260cMpc, which we will discuss later. Therefore, the above assumption is a good one, so long as stellar sources are the main driver of cosmological reionization. We expect that radiation \ufb02ux \ufb02uctuations would be on the order of the ratio of the two lengths scales above, i.e., \u223c10%. As we will show later that, in the context of the \u039bCDM model, \u03bbmfp depends on \u0393 approximately as \u03bbmfp \u221d\u0393\u22120.28. Thus, we expect that the uniform radiation assumption is accurate statistically for computing the mean \u03bbmfp at 1\u22123% level, with negligible systematic biases. The hydrogen ionization rate \u0393 = Fion\u00af \u03c3ion = \u02d9 Nion,IGM\u03bbmfp\u00af \u03c3ion, (7) where \u00af \u03c3ion is the spectrum-weighted mean photoionization cross section, \u00af \u03c3ion \u2261 R \u221e 13.6eV f\u03bd h\u03bd\u03c3H(\u03bd)d\u03bd R \u221e 13.6eV f\u03bd h\u03bdd\u03bd , (8) where \u03c3H(\u03bd) is the photon energy-dependent hydrogen ionization cross section, f\u03bd is the ionizing photon spectrum. We will use f\u03bd for Pop II stars of metallicity Z = 0.05 Z\u2299from Tumlinson \f\u2013 5 \u2013 et al. (2001), which may be approximated as f\u03bd\u221d\u03bd0 for \u03bd = 13.6 \u221224.6eV \u221d\u03bd\u22121 for \u03bd = 24.6 \u221246eV \u221d\u03bd\u2212\u221e for \u03bd > 46eV, which results in the \ufb01ducial value that we will use in our calculations at z = 5.7, \u00af \u03c3ion = 3.16 \u00d7 10\u221218 cm2. (9) Combining Eq (5, 7, 9) gives the constraint on comoving emissivity at z = 5.7 from GunnPeterson optical depth, named \"local constraint\", \u02d9 Nion,local = 2.7 \u00d7 1050(\u0393\u221212 0.2 )( \u00af \u03c3ion 3.16 \u00d7 10\u221218cm2)\u22121( \u03bbmfp 7.6pMpc)\u22121cMpc\u22123s\u22121. (10) In Eq 10 it is seen that there is a signi\ufb01cant, linearly inverse dependence of \u02d9 Nion,local on \u03bbmfp, which we now discuss in length observationally here and theoretically in the next subsection. Traditionally, \u03bbmfp is determined by counting the incidence frequency of Lyman limit systems (LLSs) (e.g., Storrie-Lombardi et al. 1994; Stengler-Larrea et al. 1995; Songaila & Cowie 2010; Ribaudo et al. 2011; O\u2019Meara et al. 2013) and generally found to be in the range of \u03bbmfp = 5 \u221210 pMpc at z = 5.7, when extrapolated from lower redshift trends. This method to determine \u03bbmfp contains some ambiguity as to the dependence of the incidence frequency on exact choice of column density threshold of LLSs, and uncertainties related to absorption system identi\ufb01cations (such as line blending) and collective absorption due to clustering of absorbers. A more direct approach to determining \u03bbmfp is to measure the optical depth at Lyman limit directly, as pioneered by Prochaska et al. (2009). A recent application of that technique to a large sample of (163) high redshift quasars is cast into \ufb01tting formula \u03bbmfp = 37[(1 + z)/5]\u22125.4\u00b10.4pMpc that covers up to redshift z = 5.5 (Worseck et al. 2014). Extrapolating this formula to z = 5.7 results in a median value of 7.6 pMc, \u03bbmfp = 7.6+1.0 \u22120.8 pMpc, (11) with the 1 and 2\u03c3 range of 6.8 \u22128.6 pMpc and 6.0 \u22129.6 pMpc, respectively. It is seen that the directly measured \u03bbmfp are in broad agreement with those based on counting LLSs, which is reassuring. Nevertheless, it is prudent to bear in mind a signi\ufb01cant caveat that \u03bbmfp at z = 5.7 is not directly observed but requires extrapolation from lower redshift data. 2.3. Concordance of Independent Observations at z = 5.7 We now combine three independent sets of observational constraints on \u02d9 Nion, \u0393 and \u03bbmfp on the \u0393 \u2212\u03bbmfp plane, shown in Figure 1: (1) the observed \u03bbmfp from Worseck et al. (2014) \f\u2013 6 \u2013 -13.5 -13 -12.5 -12 log ! (s-1) 5 6 7 8 9 10 11 12 6mfp (pMpc) Worseck + 14 : '2<(6mfp) Fan + 06 : '1<(!) _ Nion;global CHII = 3:2 _ Nion;global CHII = 4:5 _ Nion;global CHII = 9:6 LCDM w= Mcut = 1:6 # 108MLCDM w= Mcut = 5:8 # 107MLCDM w= Mcut = 2:7 # 107MLCDM w= Mcut = 8:6 # 106MFig. 1.\u2014 shows four independent sets of constraints on the \u0393 \u2212\u03bbmfp plane: (1) the observed \u03bbmfp from Worseck et al. (2014) based on LyC optical depth observed at z < 5.5 extrapolate to z = 5.7 (see Eq 11) shown as the red solid curve (mean), thick red dashed curves (1\u03c3) and thin red dashed curves (2\u03c3); (2) the observationally inferred 1\u03c3 range of \u0393 based on measurement of Ly\u03b1 absorption optical depth at z = 5.7 from Fan et al. (2006) shown as the two vertical green dashed lines (see Eq 5); (3) lower bound based on a global balance between emissivity and recombination with Eq 3 assuming clumping factor CHII = (3.2, 4.5, 9.6) and gas temperature T = 104 K, shown as dotted black (thick, median thick, thin) curves; (4) the selfconsistently calculated relation between \u0393 and \u03bbmfp in the standard \u039bCDM model with a lower halo mass cutoff of (1.6 \u00d7 108, 5.8 \u00d7 107, 2.7 \u00d7 107, 8.6 \u00d7 106) M\u2299, respectively, corresponding to a virial temperature cutoff of Tv,cuto\ufb00= (104, 5 \u00d7 103, 3 \u00d7 103, 1.4 \u00d7 103)K. based on Lyman continuum radiation optical depth at z = 5.7 (see Eq 11) are shown as the red solid curve (mean), thick red dashed curves (1\u03c3) and thin red dashed curves (2\u03c3); (2) the observationally inferred 1\u03c3 range of \u0393 based on measurement of Ly\u03b1 absorption optical depth at z = 5.7 from Fan et al. (2006) are shown as the two vertical green dashed lines (see Eq 5); (3) lower bound based on a global balance between emissivity and recombination with Eq 3 assuming clumping factor CHII = (3.2, 4.5, 9.6) and gas temperature T = 104 K, shown as dotted black (thick, median thick, thin) curves. To be conservative, we will use the 2\u03c3 range of \u03bbmfp from Worseck et al. (2014) for our \f\u2013 7 \u2013 discussion, because of the possible additional, systematic uncertainty of using an extrapolated value from the observed highest redshift of z = 5.5 to z = 5.7. Thus, the allowed parameter space is enclosed by the two thin dashed red horizontal lines and the two vertical dashed green lines. This space is then further constrained by the requirement that only to the right of each of the dotted black curves is attainable, depending on the assumed clumpying factor CHII. The placement of this additional requirement on the plane suggests that CHII > 5 at z = 5.7 may not be feasible but the values in Eq 4 that is obtained from recent radiation hydrodynamic simulations and adopted here are fully consistent with this constraint. It is by no means guaranteed a priori that there is any parameter space left when all these three independent observational constraints are considered, due to uncertainties in individual observations. Hence, the fact that there is suggests a concordance among the independent observations. 2.4. Global Stellar Emissivity of Ionizing Photons at z = 5.7 Figure 1 in \u00a72.4 summarizes the current state of constraints on the required emissivity of ionizing photons in the IGM at z = 5.7, in order to (1) keep the IGM ionized globally, (2) keep the IGM ionized locally as demanded by the optical depths probed by the hydrogen Lyman series absorption lines. The multi-faceted agreement is indeed quite remarkable, providing a validation of the different observations at z = 5.7 (in some cases extrapolation is needed) in the post-overlap epoch. We now address \u201csources\" of ionizing photons, in a fully self-consistent fashion, in the standard cold dark matter model. We follow the approach taken by Trac et al. (2015), to which the reader is referred for a more detailed description. Brie\ufb02y, the method uses direct observations of galaxy luminosity functions at high redshift in the Hubble UDF to calibrate the star formation parameters in the model based on halo mass accretion rate functions in the \u039bCDM model. Figure 2 shows a comparison of rest-frame FUV luminosity functions between the model based on the most recent cosmological parameters and observations at various redshifts. The observed LFs are most reliable at z \u22646 and become less so towards higher redshifts, and perhaps less than trustworthy beyond z = 8 due to lack of spectroscopic con\ufb01rmation at present. For a given small region/area, such as the UDF , cosmic variance becomes more problematic towards higher redshift. Additionally, it is possible that the observed LFs at high redshifts, in the midst of reionization, may be masked by possible reionization effects; this issue is signi\ufb01cantly more acute for Ly\u03b1 emitting galaxies (e.g., Mesinger et al. 2004; Haiman & Cen 2005; Dijkstra et al. 2007). These problems can be circumvented, if we normalize the model at z = 6 and use the \u201cglobal\" LFs from the model at high redshifts where direct observations lack or are unreliable. We take this approach. From Figure 2 we see that the model LFs match observations well at z = 6, 7. The agreement is still good at z = 8, albeit with \u201cnoisier\" observational data. There is very little to \f\u2013 8 \u2013 -24 -22 -20 -18 -16 -14 -12 -10 MUV -7 -6 -5 -4 -3 -2 -1 0 log dn/dMUV (cMpc-3) z=6, H0 = 70, \u2126M = 0.30 z=7, n=0.96, \u03c38 = 0.82 z=8 z=10 z=15 z=6, Bouwens+15 z=7, Bouwens+15 z=8, Bouwens+15 z=10, Bouwens+15 Fig. 2.\u2014 shows the galaxy luminosity functions predicted by the \u039bCDM model at z = 6 (red solid curve), 7 (blue dashed curve), 8 (magenta dotted curve), 10 (cyan dot-dashed curve) and 15 (black dotted curve), which are compared to the observations at the four corresponding redshifts, shown as various symbols with corresponding colors. The observational data are from Bouwens et al. (2015). glean from the comparison at z = 10, simply because the observational data lack both quantity and quality. Integrating the Schechter \ufb01ts of the Bouwens et al. (2015) LF at z = 6 yields the intrinsic ionizing photon production rate from galaxies of \u02d9 Nion,int = 1051.52cMpc\u22123 s\u22121 for MUV,limit = \u221212 = 1051.57cMpc\u22123 s\u22121 for MUV,limit = \u221210 = 1051.61cMpc\u22123 s\u22121 for MUV,limit = \u22128. (12) In obtaining \u02d9 Nion,int, we have used a relation between ionizing photo production rate per unit FUV spectral density from (Robertson et al. 2013), \u03beion \u2261 \u02d9 Nion/cMpc\u22123 s\u22121 LUV/erg s\u22121 Hz\u22121 cMpc\u22123 = 1025.2, (13) which is based on the observed FUV spectral index \u03b2 \u223c\u22122 for high redshift galaxies. Note \u03b2 is in de\ufb01ned in spectrum f\u03bbd\u03bb \u221d\u03bb\u03b2d\u03bb, or f\u03bdd\u03bd \u221d\u03bd\u22122\u2212\u03b2d\u03bd, in the FUV spectral range. The accuracy of the normalization of our model is such that the model LF at z = 6 gives the same integrated light density as the observed one to the third digit. \f\u2013 9 \u2013 Integrating the LF based on the \u039bCDM model yield \u02d9 Nion,int(z = 5.7) = 1051.6cMpc\u22123 s\u22121, weakly dependent on MUV lower limit. Dividing \u02d9 Nion,IGM in Eq 1 by \u02d9 Nion,int(z = 5.7) gives the mean luminosity-weighted escape fraction of Lyman continuum fesc,z=5.7 \u2261 \u02d9 Nion,IGM \u02d9 Nion,int = 10 \u02d9 Nion,IGM 1050.6cMpc\u22123 s\u22121 ! \u0012 \u03beion 1025.2 \u0013\u22121 %. (14) We will show in \u00a74 how \u02d9 Nion,IGM plays a key role in determining a lower bound on \u03c4e and how that in turn allow for a strong constraint on \u03bbmfp hence Mcut. 3. Reionization Histories Constrained by the State of IGM at z = 5.7 Any reionization history must satisfy the state of the IGM at z = 5.7 and the fact that the IGM is opaque to Ly\u03b1 photon at just above that redshift. In this sense, the history of cosmological reionization becomes a boundary value problem, where we solve the evolution of HII volume fraction QHII with the following equation: dQHII(z) dt = \u02d9 Nion,IGM(z) nH,0 \u2212QHII(z) trec(z) , (15) where nH,0 is the comoving mean number hydrogen density, and trec(z) = [CHII(z) \u03b1B(T) (1 + Yp/4[1 \u2212Yp]) nH,0 (1 + z)3]\u22121 is the mean recombination time of ionized hydrogen in HII regions. Any solution to Eq 15 satis\ufb01es the following two boundary conditions: fesc \u02d9 Nion,int\u00af \u03c3ion\u03bbmfp|z=5.7 = \u02d9 Nion,IGM\u00af \u03c3ion\u03bbmfp|z=5.7 = 0.20+0.11 \u22120.06 \u00d7 10\u221212s\u22121 (16) and QHII|z=5.7 = 1.0. (17) In Eq 15 at z > 5.7, since \u02d9 Nion,int(z) is \ufb01xed by the \u039bCDM model (see Figure 2), we are left with only one degree of freedom, namely, the evolution of fesc with redshift. We model the redshift evolution of fesc using a simple powerlaw form: fesc(z) = fesc,z=5.7 \u00121 + z 6.7 \u0013\u03c7 . (18) Note that fesc(z) in Eq 3, like fesc,z=5.7 in Eq 14, is averaged over all the galaxies at a given redshift; in other words, fesc(z) is the ratio of the total number of ionizing photons entering the IGM to the total number of ionizing photons produced. There is one additional physical process that is largely unconstrained by the state of the IGM at z = 5.7 but is important for the overall reionization history and integral electron scattering optical depth. That is, a change of IMF at some high redshift from regular Pop II stars to a perhaps more top-heavy and/or metal-free IMF , which may lead to a quantitative transition in ionizing photon production ef\ufb01ciency per unit \f\u2013 10 \u2013 stellar mass, \u03f5ion. Thanks to our lack of knowledge with regard to this process, we choose to model \u03f5ion generally, albeit in a simple way, as \u03f5ion = \u03f5ion,PopII + (\u03f5ion,PopIII \u2212\u03f5ion,PopII)H(\u2126\u2217[z] \u2212\u2126PopIII,crit), (19) where \u03f5ion,PopIII and \u03f5ion,PopII are ionizing photon production ef\ufb01ciency per unit stellar mass for Pop III and Pop II IMF , respectively. We adopt \u03f5ion,PopII = 3500 photons/baryon and \u03f5ion,PopIII = 70000 photons/baryon (e.g., Bromm et al. 2001), resulting in ratio of \u03f5ion,PopII/\u03f5ion,PopIII = 20, which enters our calculations. The transition between Pop III and Pop II is modeled by a smoothed Heavyside step function H(\u2126\u2217[z] \u2212\u2126PopIII,crit) = (1 + exp [\u22122(\u2126\u2217(z)/\u2126PopIII,crit \u22121)/\u03c3PopIII])\u22121, (20) where \u2126\u2217(z) is the amount of stars formed by redshift z computed in the \u039bCDM model in units of critical density, \u2126PopIII,crit, controls the transition from Pop III to Pop II when the amount of stars formed by some redshift in units of critical density has reached this value, and \u03c3PopIII controls the width of this transition in units of \u2126PopIII,crit; when \u03c3PopIII = 0, one recovers the unsmoothed Heavyside step function. So far, we have three parameters to model the evolution of ionizing photon beyond z = 5.7, \u03c7, \u2126PopIII,crit and \u03c3PopIII. As we will show later, the dependence of results on \u03c3PopIII is suf\ufb01ciently weak that \u03c3PopIII can effectively be considered \ufb01xed, as long as its value is not too large. Therefore, we effectively have two free parameters in our model, \u03c7 and \u2126PopIII,crit. Given that we have one equation, Eq 15, the general expectation is that there will be a family of solutions that will be able to meet the two boundary conditions, Eq 16, 17. Conversely, though, solving Eq 15 to obtain QHII(z = 5.7) = 1 does not necessarily result in an IGM at z = 5.7 that is consistent with the constraint imposed by the observations of Ly\u03b1 optical depth, i.e., Eq 3, a point already noted by others (e.g., Robertson et al. 2013). For each solution of QHII(z), we compute the total electron scattering optical depth from z = 0 to recombination redshift zrec by \u03c4e = Z zrec 0 fe(1 \u2212fs \u2212fn)QHII\u03c3TnH,0[c/H(z)](1 + z)\u22121dz, (21) where fe accounts for redshift evolution of helium contribution, we use fe = (0.76 + 0.24/0.76/4) for z > 2.8 and fe = (0.76 + 0.24/0.76/2) for z \u22642.8, approximating He II reionization as a step function at z = 2.8, which is consistent with the observed He II absorption optical depth data of (Worseck et al. 2011), interpreted in the context of He II reionization simulations of (McQuinn et al. 2009). And fs and fn account for stellar density and neutral hydrogen density, respectively, which do not contribute to electron density. Wilkins et al. (2008) give \u2126\u2217(z = 0) = 2.5 \u00d7 10\u22123, while (Grazian et al. 2015) yield \u2126\u2217(z = 6) = 3.7 \u00d7 10\u22125. We interpolate between these two points to \ufb01nd an approximate stellar evolution \ufb01t as \u2126\u2217(z) = 2.5 \u00d7 10\u22123(1 + z)\u22122.1, translating to fs = 0.052(1 + z)\u22122.1. Post-reionization most of the neutral hydrogen resides in DLAs and the observational data on the evolution of DLAs are available, albeit with signi\ufb01cant errorbars. We approximate the data presented in Noterdaeme et al. (2009) by piece-wise powerlaws as follows: \u2126HI = 0.4 \u00d7 10\u22123 at z = 0, which evolves linearly to \u2126HI = 0.9 \u00d7 10\u22123 at z = 0.5, \f\u2013 11 \u2013 0.047 0.047 0.047 0.047 0.047 0.047 0.047 0.047 0.047 0.047 0.05 0.05 0.05 0.05 0.05 0.05 0.05 0.055 0.055 0.055 0.055 0.055 0.055 0.055 0.055 0.064 0.064 0.064 0.064 0.064 0.064 0.064 0.064 0.073 0.073 0.073 0.073 0.073 0.073 0.073 0.073 0.082 0.082 0.082 0.082 0.082 50.55 50.55 50.55 50.55 50.55 50.55 50.55 50.55 50.55 50.66 50.66 50.66 50.66 50.66 50.66 50.66 50.66 50.71 50.71 50.71 50.71 50.71 50.71 50.71 50.71 50.765 50.765 50.765 50.765 50.765 50.765 50.765 50.851 50.851 50.851 50.851 50.851 50.851 50.916 50.916 50.916 50.916 50.916 50.916 -6 -5 -4 -3 -2 -1 0 1 2 3 4 \u03c7 -10 -9 -8 -7 -6 -5 -4.5 log \u2126PopIII,crit Fig. 3.\u2014 shows the contours of \u03c4e (red) and \u02d9 Nion,IGM(z = 5.7) (black) in the \u03c7 \u2212 \u2126PopIII,crit plane for \u03c3PopIII = 0.25. The red contours are labelled with \u03c4e values, whereas the black contours are labelled with log \u02d9 Nion,IGM(z = 5.7) values. The four blue solid dots indicate four possible solutions of QHII(z) that yield total electron optical depths of \u03c4e = (0.055, 0.064, 0.073, 0.082), respectively, from left to right. The three green solid dots indicate another set of three possible solutions of QHII(z) that yield total electron optical depths of \u03c4e = (0.082, 0.073, 0.064), respectively, from top to bottom. The black solid dot is a solution with \u03c4e = 0.055. These speci\ufb01c solutions are discussed in the text. which remains at \u2126HI = 0.9\u00d710\u22123 at z = 0.5\u22123, after which it linearly rises \u2126HI = 1.2\u00d710\u22123 at z = 3.5, followed by a constant \u2126HI = 1.2 \u00d7 10\u22123 at z = 3.5 \u22125.7. Figure 3 shows the case with \u03c3PopIII = 0.25, to be examined in greater details. We have examined cases with \u03c3PopIII = 0.5, 0.25, 0.05, 0.01 and \ufb01nd that the results, as displayed in Figure 3 in terms of the contours, depend weakly on \u03c3PopIII. We note that the conclusions obtained are generic and more importantly, the solution family obtained that is still viable is very insensitive to the choice of \u03c3PopIII. It proves useful for our discussion to rewrite one of the boundary value constraints, namely, Eq 16, as \u02d9 Nion,IGM(z = 5.7) = (1.8 \u22124.1) \u00d7 1050 \u0014\u03bbmfp(z = 5.7) 7.6pMpc \u0015\u22121 cMpc\u22123 s\u22121, (22) \f\u2013 12 \u2013 where the range inside the \ufb01rst pair of parentheses on the right hand side corresponds to 1\u03c3 lower and upper limits of Eq 5. In this parameter space of \u03c7 \u2212\u2126PopIII,crit shown in Figure 3 we have solutions to Eq 15 that satisfy Eq 17, i.e., the universal reionization completes exactly at z = 5.7 with varying \u02d9 Nion,IGM(z = 5.7) shown as the black contours. Superimposed as the red contours are values of \u03c4e for each solution. 0 2 4 6 8 10 12 14 16 18 20 z 10-3 10-2 10-1 100 Q(z) & \u03c4e(>z) Q(z) and \u03c4e solutions: four blue dots in Fig 5 red: \u03c4e; blue: Q \u03c4e(tot)=0.055 \u03c4e(tot)=0.064 \u03c4e(tot)=0.073 \u03c4e(tot)=0.082 Fig. 4.\u2014 shows each of the four solutions of QHII(z) (blue curves) indicated by the four blue solid dots in Figure 3, along with the respective cumulative \u03c4e (red curves). It is now clear that the value of \u02d9 Nion,IGM(z = 5.7) plays a key role in determining the viability of each solution of QHII(z). Under the two boundary conditions, Eq 16 and 17, two families of solutions are possible, each of which is simultaneously consistent with the latest values of \u03c4e from Planck Collaboration et al. (2016) observations. Indicated by the four blue dots in Figure 3 are four solutions in the (we call) \u201cPop III-supported\" family with \u03c4e = (0.055, 0.064, 0.073, 0.082) corresponding to the (central, +1\u03c3, +2\u03c3, +3\u03c3) values from Planck Collaboration et al. (2016). Figure 4 shows each of the four solutions of QHII(z) (blue curves) indicated by the four blue solid dots in Figure 3, along with the respective cumulative \u03c4e (red curves). The common characteristics of these solutions in this solution family are that (1) \u03c7 < 0, indicating that the escape fraction decreases with increasing redshift, (2) the Pop III stars make a signi\ufb01cant and late contribution to the overall ionizing photon budget. The combination of negative \u03c7 and late, signi\ufb01cant Pop III contribution permits a slight dip in ionized fraction at a redshift slightly higher \f\u2013 13 \u2013 than z = 5.7, to satisfy 17. This set of solutions, however, may be inconsistent with some other independent observations. Here we provide some notable examples. 15 15 15 15 30 30 30 30 40 40 40 40 50 50 50 50 70 70 70 70 100 100 100 100 150 150 150 150 50.56 50.56 50.56 50.56 50.56 50.71 50.71 50.71 50.71 50.71 50.765 50.765 50.765 50.765 50.765 0.046 0.046 0.055 0.055 0.055 0.055 0.055 0.055 0.064 0.064 0.064 0.064 0.064 0.064 0.073 0.073 0.073 0.073 0.073 0.082 0.082 0.082 0.082 -6 -5 -4 -3 -2 -1 0 1 2 3 \u03c7 -6 -5 -4.5 log \u2126PopIII,crit nion/nH \u03c4e \u02d9 Nion,IGM@z = 5.7 Fig. 5.\u2014 shows contours of the ratio of the number of ionizing photon produced per hydrogen atom (red), along with contours of \u03c4e (blue) and of log \u02d9 Nion,IGM(z = 5.7) (black). Figure 5 shows contours of the ratio of the number ionizing photon produced per hydrogen atom (red). Fang & Cen (2004) perform a detailed analysis of metal enrichment history and show that Pop III to Pop II transition occurs when 3 \u221220 ionizing photons per hydrogen atom, depending on the model for the IMF , have been produced by Pop III stars, based on considerations of primary atomic cooling agents, CII and OI, at low temperature, corresponding to [C/H]crit = \u22123.5 and [O/H]crit = \u22123.1 (Bromm & Loeb 2003). For the four solutions, indicated by the four blue dots in Figure 5, we see much higher, 80 \u2212110 ionizing photons per hydrogen atom have been produced at the model transition \u2126PopIII,crit, in order to attain the solutions. Note that in the scenario of dust cooling induced fragmentation (Schneider & Omukai 2010), the critical transition metallicity is 1 \u22123 orders of magnitude lower that is still more stringent. These considerations indicate that these QHII(z) solutions are self-inconsistent, in the sense that the required Pop III contribution in order for the solutions to be possible is unattainable. A second example concerns the neutral fraction of the IGM during the epoch of reionization at z > 6. In a recent careful analysis of possible signatures of damping wing absorption pro\ufb01les of the Ly\u03b1 emission line of quasar J1120+0641 at z = 7.1, under the assumption that DLAs, being suf\ufb01ciently rare, are not responsible for the absorption of the Ly\u03b1 emission \f\u2013 14 \u2013 redward of the line, Greig et al. (2016) conclude that the mean neutral fraction of the IGM is 0.40+0.41 \u22120.32 (2\u03c3). All of the four solutions shown in Figure 4 have the mean neutral fraction signi\ufb01cantly less than a few percent, thus are ruled out at > 2.5\u03c3 level. 0 2 4 6 8 10 12 14 16 18 20 z 10-3 10-2 10-1 100 Q(z) & \u03c4e(>z) Q(z) and \u03c4e solutions: three green and one black dots in Fig 4 red: \u03c4e; blue: Q \u03c4e(tot)=0.082 \u03c4e(tot)=0.073 \u03c4e(tot)=0.064 \u03c4e(tot)=0.055 1-xHI(z=7): Greig etal 2016 Fig. 6.\u2014 shows each of the four solutions of QHII(z) (blue curves) indicated by the three green (for \u03c4e = (0.064, 0.0740.082)) and one black (for \u03c4e = 0.055) solid dots in Figure 3, along with the respective cumulative \u03c4e(> z) (red curves). Indicated by the magenta solid dot is an observational measurement of neutral fraction of the IGM at z = 7.1 by Greig et al. (2016) based on the damping wing signature imprinted on the red side of the Ly\u03b1 emission line of quasar J1120+0641. Let us now turn to the other solution family with reduced Pop III contribution that is additionally con\ufb01ned to much higher redshift. Figure 6 shows each of the three solutions of QHII(z) (blue curves) indicated by the three green and one solid dots in Figure 3, along with the respective cumulative \u03c4e (red curves). Several trends shared by solutions in this solution family may be noted. First, QHII(z) increases exponentially as a function of redshift in the range of z = 5.7 to z = 9 \u221214, depending on the value of total \u03c4e; a lower total \u03c4e corresponds to a higher redshift, but lower value of QHII(z) base, from which the exponential growth starts. All four solutions are consistent with the observationally inferred mean neutral fraction of the IGM at z = 7.1, shown as a magenta dot with 1\u03c3 range (Greig et al. 2016). Second, there is a distinct, separate peak QHII(z) at z = 14\u221218, for \u03c4e = 0.082 \u22120.064 (in that order) with height of (0.4 \u22120.07) (in the same order). This high redshift peak of QHII(z) is due to contributions from Pop III stars. The exact height and duration of this peak may depend on the assumptions concerning the transition from Pop III to Pop II temporally and spatially, that will require \f\u2013 15 \u2013 detailed modeling beyond the scope of this work. We note, however, that the results do not change signi\ufb01cantly when values of \u03c3III = 0.01 \u22121 are used (0.25 is used for the case shown in Figure 6), suggesting that the existence, the QHII(z) value of the peak and the peak redshift are fairly robust. We also note that all these solutions lie below \u2126PopIII,crit = 10\u22126.4, which, when compared with Figure 5, indicates a consistency in terms of Pop III stars forming in the metallicity regime that is physically plausible, if low temperature atomic cooling, not dust cooling, dictates fragmentation of star-forming gas clouds. Finally, it is seen that these solutions have \u03c7 \u22650, indicating that the escape fraction increases with increasing redshift, perhaps not an unexpected result based on physical considerations that galaxies at high redshifts are less massive, their star-formation episodes more bursty and consequently their interstellar medium more porous to allow for more ionizing photons to escape. Simulation results are consistent with this trend (e.g., Kimm & Cen 2014). In summary, this solution family are self-consistent. If, however, \u03c4e = 0.055 holds up, there is no solution of QHII(z) with log \u02d9 Nion,IGM(z = 5.7) = 50.71. In order to get a solution with \u03c4e = 0.055, one requires log \u02d9 Nion,IGM(z = 5.7) = 50.765, which, with the conservative choice of +1\u03c3 value \u0393\u221212 = 0.31 (see Eq 5), in turn requires \u03bbmfp(z = 5.7) = 5.3pMpc, which would be at about 2.9\u03c3 lower bound of the observationally inferred value. In combination with the +1\u03c3 value of \u039312 used, such an event would be a 3.0\u03c3 occurrence, suggesting tension, which we examine in the next section. 4. \u03bbmfp(z = 5.7): A Strong Test of Matter Power Spectrum on Small Scales We were left in a state of signi\ufb01cant tension between accommodating \u03c4e = 0.055 and \u03bbmfp(z = 5.7) based on the extrapolated observational data at z < 5.5 in \u00a73. The tension may be alleviated, if one chooses not to strongly advocate the central value of \u03c4e = 0.055 (Planck Collaboration et al. 2016) but instead emphasize the harmonious concordance between \u03bbmfp(z = 5.7), \u0393(z = 5.7) and \u03c4e \u22650.64. We take this discrepancy in a somewhat different way and suggest that the extrapolation of the lower redshift measurement of \u03bbmfp should be taken with caution, despite the smooth trend seen in the observed redshift range (z = 2.3\u22125.5). We take a step further yet to perform a theoretical analysis to better understand the physical origin of \u03bbmfp(z = 5.7) in the context of the standard cosmological model. It is useful to separate out the overall \u03bbmfp into two components in the post-overlap epoch at z = 5.7, one due to the \u201ctranslucent\", general volume-\ufb01lling low density IGM that collectively attenuates ionizing photons and the other due to \"opaque\" disks (like LLSs) that block entirely all incident ionizing photons. We shall denote them \u03bbmfp,IGM and \u03bbmfp,halo, respectively. The total \u03bbmfp is \u03bbmfp = (\u03bb\u22121 mfp,halo + \u03bb\u22121 mfp,IGM)\u22121. (23) \f\u2013 16 \u2013 The \u03bbmfp,IGM can be approximated by the volume-weighted neutral fraction of the IGM as \u03bbmfp,IGM = (\u00af \u03c3ionfHI,volnH,0(1 + z)3)\u22121 = 19.5(1 + z 6.7 )\u22123( \u00af \u03c3ion 3.16 \u00d7 10\u221218cm2)\u22121( fHI,vol 0.9 \u00d7 10\u22124)\u22121 pMpc, (24) where fHI,vol = 0.9 \u00d7 10\u22124 is the volume-weighted neutral fraction of the IGM, inferred by the directly observed Ly\u03b1 (and higher order Lyman transitions) optical depth at z = 5.7 (Fan et al. 2006). As we have argued earlier, while the mass-weighted neutral fraction determined from such a method may be signi\ufb01cantly model-dependent, the volume-weighted neutral fraction is not expected to be, because it is free from clumping factor dependence and most of the optical depth contributions stem from low-density regions of optical depth of order unity whose Jeans scales are typically resolved in most simulations used. \u03bbmfp,halo stems from self-shielding dense gas in halos. A computation of \u03bbmfp,halo may not seem a well posed problem at \ufb01rst sight, because it would appear to depend on both the abundance of halos and their cross sections (the sizes of radiation blocking disks). It is not immediately obvious how one may precisely speci\ufb01y their cross sections, even if their abundance is known. We show that this ambiguity can be removed, when considerations are given to the physical conditions of halo gas as a function of halo-centric radius and a \u201ccorrect\" de\ufb01nition of \u03bbmfp,halo is adopted, which we now describe. After the HII regions have overlapped in the aftermath of reionization, neutral gas in halos essentially becomes a set of disconnected isolated islands that are increasingly self-shielded and optically thick to ionizing photons toward to the centers of halos. Under the assumption of spherical symmetry, for a given halo, we can compute the column density as a function of halo-centric radius r outside-in as NHI(r) = Z \u221e r xHI(r\u2032)\u03b4(r\u2032)nH,0(1 + z)3dr\u2032, (25) where \u03b4(r) \u2261n(r)/\u00af n is overdensity, for which we use the universal halo density pro\ufb01le (NFW, Navarro et al. 1997) with gas following mass over the relevant radial range (e.g., Komatsu & Seljak 2001). In the core region of a halo the gas density is constrained such that the gas entropy does not fall below the entropy of the gas at the mean density and cosmic microwave background temperature. In practice, the upper limit of the integral in Eq 25 is chosen when \u03b4 = 1 (i.e., the mean density) but its precise value makes no material difference to the calculated NHI(r) in the range of relevance. The local neutral fraction xHI(r) at radius r can be computed using the local balance between recombination and photoionization through a spherical radiative transfer: \u0393 exp [\u2212NHI(r)\u00af \u03c3ion]xHI(r) = [1 \u2212xHI(r)]2[1 + Yp/4(1 \u2212Yp)]\u03b1B(T)\u03b4(r)nH,0(1 + z)3, (26) where \u0393 is the \u201cbackground\" ionization rate prior to signi\ufb01cant attenuation when approaching the halo. We solve Eq (25,26) numerically to obtain NHI(r) and xHI(r), for a given \u0393. \f\u2013 17 \u2013 -1 -0.5 0 0.5 log r/rv 14 15 16 17 18 19 20 21 22 log NHI (cm-2) rv=1 pkpc rv=10 pkpc -2 -1 -0.5 0 0.5 log r/rv 0 0.5 1 1.5 ALL(Mh) halo MF Fig. 7.\u2014 Top-left panel: shows the integrated column density (from outside inward down to the halo-centric radius r) as a function of r (in units of virial radius rv), for two cases with virial radius rv equal to 1 pkpc (black solid curve) and 10 pkpc (red dashed curve) at z = 5.7 [with corresponding virial (temperature, mass) of (1.5 \u00d7 103K, 9.7 \u00d7 106 M\u2299) and (1.5 \u00d7 105K, 9.7 \u00d7 109 M\u2299), respectively], using \ufb01ducial values for various parameters: \u0393\u221212 = 0.2, \u00af \u03c3ion = 3.16 \u00d7 10\u221218 cm2. For the NFW pro\ufb01le we use a concentration parameter C = 5 in both cases. Top-right panel: shows the cumulative cross section for ionizing photons of a halo ALL(< rp) in units of the virial area (\u03c0r2 v) as a function of halo-centric radius in units of the virial radius rv for the two halos shown in the top-left panel of Figure 7. Bottom-left panel: shown the effective total cross section for Lyman continuum photons in units of halo virial area as a function of halo virial radius at z = 5.7. Bottom-right panel: shows the differential function dALL,tot/d log Mh \u2261n(Mh)M ln 10ALL(Mh) as a function of Mh (solid blue curve), its cumulative function ALL,tot(> Mh) (dotted blue curve), along with the halo mass function n(Mh)M ln 10 as a function of Mh (dashed red curve). In the top-left panel of Figure 7 we show the integrated column density (from outside inward down to the radius r) as a function of halo-centric radius r (in units of virial radius rv) for two cases with virial radius rv equal to 1 pkpc (black solid curve) and 10 pkpc (red dashed \f\u2013 18 \u2013 curve), respectively. We see that at about r/rv \u223c3 the column density is well below 1017cm\u22122, con\ufb01rming that the exact integration starting radius is not important for column densities in the relevant range for signi\ufb01cant attenuation of LyC photons. In both cases we also see that there is a rapid upturn of the column density starting around \u223c1018cm\u22122, indicating the radial location of the beginning of self-shield and transition from a highly ionized to an increasingly neutral medium. The rapid ascent suddely \ufb02attens out at \u223c1020cm\u22122, sigalling the arrival of a largely neutral medium, coincidental with column density similar to that of the damped Lyman alpha systems (DLAs). It is instructive to note that the transition from ionized to an increasingly neutral medium is halo virial radius (or halo mass) dependent, with a larger halo transitioning at a larger radius in units of its virial radius. This indicates that the density of the ionizing front propagating into halos is halo mass dependent, suggesting that the common practice of using a constant density as a proxy for the density of ionization front (e.g., Miralda-Escud\u00e9 et al. 2000) could potentially be slightly extended, although a more detailed analysis should be performed to assess this. To devise an appropriate method to compute the effective cross section ALL for LyC photons for a given halo, it is useful to gain a more clear understanding of the physical meaning of \u03bbmfp,halo. For a line of sight cross area of size \u2206A, if it is completely opaque to ionizing photons, then the effective area for intercepting LyC photons would be just equal to \u2206A. For a cross area of size \u2206A that is not completely opaque to LyC photons, one may de\ufb01ne the effective area for intercepting ionizing photons \u2206ALL, which is \u2206ALL = \u2206A[1 \u2212exp (\u2212NHI\u00af \u03c3ion)], (27) where NHI is the column density integrated along that line of sight (not the radially integrated column density shown in the top-left panel of Figure 7), which is computed using NHI(r) and xHI(r) that we have numerically obtained solving Eq (25,26). Upon integrating the projected area of a halo, we obtain the cumulative cross section for ionizing photons of a halo as a function of projected radius rp ALL(< rp) = Z rp 0 2\u03c0r\u2032 p[1 \u2212exp (\u2212NHI(r\u2032 p)\u00af \u03c3ion)]dr\u2032 p. (28) The top-right panel of Figure 7 shows ALL(< rp) in units of the virial area (\u03c0r2 v) as a function of halo-centric radius in units of the virial radius rv for the two halos shown in the top-left panel of Figure 7. To re-iterate a point made earlier, the total effective cross section is larger for larger halos in units of the virial area, shown quantitatively in the bottom-left panel of Figure 7. In the calculations performed involving the NFW pro\ufb01le, one needs to specify the concentration parameter c, which has been computed by a number of groups (e.g., Bullock et al. 2001; Wechsler et al. 2002; Angel et al. 2016; Ricotti et al. 2007). We adopt the results of Dolag et al. (2004): c = 9.6(Mh/1014 M\u2299)\u22120.10(1 + z)\u22121; the results obtained do not sensitively depend on slightly different formulae of c in the literature. \f\u2013 19 \u2013 We compute \u03bbmfp,halo by \u03bb\u22121 mfp,halo = Z \u221e Mcut n(Mh)Mh ln 10 ALL(Mh)d log Mh, (29) where ALL(Mh) is the total cross section of LyC photons for a halo of mass Mh; n(Mh) is the halo mass function at the redshift in question. The bottom-right panel of Figure 7 shows cross section function, n(Mh)Mh ln 10 ALL(Mh) (solid blue curve), its cumulative function ALL,tot(> Mh) (dotted blue curve), along with mass function, n(Mh)M ln 10(dashed red curve), as a function of Mh. We see that the cross section function is signi\ufb01cantly \ufb02atter than the halo mass function, due to the fact that the cross section in units of virial area is higher with increasing halo mass, i.e., ALL(Mh)/M2/3 h correlates positively with Mh, shown in the bottom-left panel of Figure 7. Nonetheless, ALL scales still sub-linearly with Mh, causing n(Mh)M ln 10ALL(Mh) to increase with decreasing halo mass Mh. The \u0393 \u2212\u03bbmfp relation in the standard \u039bCDM model for four cases of Mcut = (1.6 \u00d7 108, 5.8 \u00d7 107, 2.7 \u00d7 107, 8.6 \u00d7 106) M\u2299, corresponding to a halo virial temperature cutoff of Tv,cuto\ufb00= (104, 5 \u00d7 103, 3 \u00d7 103, 1.4 \u00d7 103)K, are shown also in Figure 1 as the blue curves. First of all our results af\ufb01rm a general self-consistency between radiation \ufb01eld and ionization structures around halos in the \u039bCDM model, since the theoretically predicted relation (the blue curves) can go through this already tightly constrained parameter space. This is a strong and unique support for the \u039bCDM model with respect to its matter density power spectrum (both amplitude and shape) on small scales corresponding to halo masses approximately in the range of 107 \u22121010 M\u2299. It is noted that this constraint on matter power spectrum is based entirely on the consideration of the halos as \u201csinks\" of ionizing photons. We point out the fact that \u03bbmfp,halo depends sensitively on the lower mass cutoff Mcut in the integral in Eq 29, as shown in the bottom-right panel of Figure 7. We show that this dependence provides a new, sensitive probe of the small-scale power in the cosmological model, when confronted with measurements of \u03c4e. It is useful to note that in computing \u03bbmfp,halo we have neglected possible constribution due to collisional ionization in halos with virial temperature signi\ufb01cantly above 104K. Thus, our computed \u03bbmfp,halo is somewhat overestimated and our subsequent conclusion drawn on small-scale power conservative. Figure 8 shows \u03bbmfp as a function of the lower mass cutoff Mcut in the integral in Eq 29 (blue solid curve). Shown as symbols are four cases along the curve, with (log Mcut/ M\u2299, \u03bbmfp/pMpc, log \u02d9 Nion,IGM/cMpc\u22123s\u22121, \u03c4e) equal to (5.10, 3.7, 50.916, 0.047) (green star), (6.95, 5.3, 50.765, 0.055) (red dots), (7.58, 6.8, 50.660, 0.064) (magenta square) and (8.67, 10.5, 50.550, 0.073) (black diamond). Each set of four numbers has the following relational meaning: for a given measurement of \u03c4e, the minimum required ionizing photon emissivity entering the IGM is log \u02d9 Nion,IGM in order for that \u03c4e to be a possible solution, which in turn corresponds to a mean free path of \u03bbmfp, which can be achieved if the lower mass cutoff of the halo mass function is Mcut. We see that the dependence of \u03bbmfp on Mcut is signi\ufb01cant, which provides a new constraint on the small-scale power in the cosmological model at a level that has hitherto been out of reach. \f\u2013 20 \u2013 5 6 7 8 9 log Mcut (Msun) 3 4 5 6 7 8 9 10 11 12 \u03bbmfp (pMpc) (log Mcut, \u03bbmfp, log \u02d9 Nion,IGM, \u03c4e) \u03bbmfp \u2212Mcut relation (5.10, 3.7, 50.916, 0.047) (6.95, 5.3, 50.765, 0.055) (7.58, 6.8, 50.660, 0.064) (8.67, 10.5, 50.550,0.073) Fig. 8.\u2014 shows \u03bbmfp as a function of the lower mass cutoff Mcut in the integral in Eq 29 (blue solid curve). Also shown as symbols are four cases along the curve, with (log Mcut/ M\u2299, \u03bbmfp/pMpc, log \u02d9 Nion,IGM/cMpc\u22123s\u22121, \u03c4e) equal to (5.10, 3.7, 50.916, 0.047) (green star), (6.95, 5.3, 50.765, 0.055) (red dot), (7.58, 6.8, 50.660, 0.064) (magenta square) and (8.67, 10.5, 50.550, 0.073) (black diamond). The thin blue dashed line is obtained when no entropy \ufb02oor due to that of mean cosmic gas is imposed. The thin, black dot-dashed and red dotted curves are obtained assuming there is no contribution from halos with virial temperature greater than 3 \u00d7 105K and 3 \u00d7 104K, respectively The dependence of \u03bbmfp on Mcut shown in Figure 8 can be translated into a constraint on dark matter particles. Here, we take warm dark matter as an example. In the warm dark matter model the smoothing scale, de\ufb01ned as the comoving half-wavelength of the mode for which the linear perturbation amplitude is suppressed by 2, is Rs = 0.48(\u2126M/0.25)0.11(h/0.7)\u22121.22(mx/keV)\u22121.11h\u22121Mpc (30) for a warm dark matter particle mass of mx (e.g., Viel et al. 2005), which we adopt as a proxy for a sharp cutoff (or free-streaming scale of particles). The equivalent free-streaming halo mass is then Ms = 5.8 \u00d7 1010(\u2126M/0.3)1.33(h/0.7)\u22124.66(mx/keV)\u22123.33 M\u2299. (31) Given the dependence chain of log Mcut on \u03bbmfp on \u02d9 Nion,IGM on \u03c4e, we obtain the lower bound on the mass mx of thermally produced warm dark matter particles as a function of \u03c4e shown as \f\u2013 21 \u2013 0.045 0.05 0.055 0.06 0.065 0.07 0.075 \u03c4e 5 10 30 50 100 300 500 1000 mx & ms (keV) mx=mass of thermal WDM particles ms=mass of sterile neutrinos Fig. 9.\u2014 shows the lower bound on the mass mx of thermally produced warm dark matter particles as a function of \u03c4e (blue solid curve). Similarly, the red dashed curve shows the lower bound on the mass ms of sterile neutrinos as a function of \u03c4e. the blue solid curve in Figure 9. The lower bound on the mass mx of thermally produced warm dark matter particles can be translated similarly to a lower bound constraint on the mass ms of sterile neutrinos produced via active-sterile neutrino oscillations obeying approximately a generalized Fermi-Dirac distribution. In this case, the effect of sterile neutrino is approximately the same as for thermally produced warm dark matter by using the following expression to relate the two masses (Colombi et al. 1996; Viel et al. 2005): ms = 4.46keV( mx 1keV)4/3( 0.12 \u2126Mh2)1/3. (32) The result is shown as the red dashed curve in Figure 9. The current best constraint on mx based on Ly\u03b1 forest is mx \u22653.3keV(2\u03c3) (Viel et al. 2013), improving upon earlier studies that generally constrain mx \u22650.5 \u22121keV (e.g., Narayanan et al. 2000; Barkana et al. 2001; Viel et al. 2005; Abazajian 2006). Combining with the 1\u03c3 upper limit used for \u0393 in our calculations, we \ufb01nd mx \u2265(15.1, 9.8, 4.6)keV at (1, 1.4, 2.2\u03c3) C.L., (33) based on \u03c4e = 0.055 \u00b1 0.009 and +1\u03c3 on \u0393. The corresponding constraint on sterile neutrino mass is ms \u2265(161, 90, 33)keV at (1, 1.4, 2.2\u03c3) C.L., (34) \f\u2013 22 \u2013 which basically rules out, for example, 7keV sterile neutrino dark matter model (Bezrukov & Gorbunov 2014; Park et al. 2014; Abazajian 2014). The lower bound placed on warm dark matter particle mass (or in general, on the small-scale power) hinges on the assumption that dark matter halos make up the bulk of the Lyman limit systems at z = 5.7. Are there possible caveats with respect to this assumption? Let us examine this. Under a physically plausible scenario of stellar reionization, there are possibly two additional kinds of (signi\ufb01cantly) neutral systems to serve as Lyman limit systems to contribute to the absorption of LyC photons. The \ufb01rst kind is neutral regions that envelope the expanding HII regions. Let us suppose that each HII region that is expanding has a radius of R and the neutral region surrounding it has a thickness of \u2206R. Analysis of the Ly\u03b1 forest at z = 5.7 indicates a volume-weighted neutral fraction of the IGM fHI,V \u223c0.9 \u00d7 10\u22124 at z = 5.7 (Fan et al. 2006). This provides a constraint on the possible size of \u2206R: \u2206R \u2264fHI,VR 3 . (35) The ionization front propagation speed at z = 5.7 is vIF = F \u00af nH = \u0393 \u00af \u03c3\u00af n = 1.7 \u00d7 104(\u0393\u221212 0.31 )( \u00af \u03c3 3.16 \u00d7 10\u221218cm2)\u22121 km s\u22121, (36) where \u00af nH is mean hydrogen number density at z = 5.7. Thus, the time it takes to sweep through the radial shell of thickness \u2206R would be \u2206t = \u2206R vIF \u2264fHI,VR 3vIF = 9.4 \u00d7 103( R 5.3pMpc)( fHI,V 0.9 \u00d7 10\u22124)(\u0393\u221212 0.31 )\u22121( \u00af \u03c3 3.16 \u00d7 10\u221218) yrs. (37) Thus, for any reasonable values of the parameters involved, \u2206t is much shorter than the Hubble time at z = 5.7 (which is about 1 Gyr). This suggests that such a con\ufb01guration is highly unlikely. Note that our assumption that these shells surround spherical HII regions is not necessary but only for the ease of illustration. If these spherical shells are replaced by pancaky bridges or \ufb01lamentary bridges between (or connecting) HII regions, the results and conclusions based on the above analysis remain largely the same, as long as the size of these pancakes or \ufb01laments are on the same order of \u223c10pMpc; in terms of our conclusion reached, even for a size of 1000pMpc, our conclusion remains unchanged. The second kind of possible neutral regions may be comprised of patches of neutral islands in the voids that are last reionized. We approximate them as opaque spheres with a radius of rvoid and a mean separation between them of dvoid, which can be related to the observed fHI,V: 4\u03c0 3 r3 voidd\u22123 void \u2264fHI,V. (38) The mean free path to LyC photons due to these islands would be \u03bbmfp,void = d3 void \u03c0r2 void \u2265(4 3)2/3\u03c0\u22121/3dvoidf\u22122/3 HI,V = 412dvoid( fHI,V 0.9 \u00d7 10\u22124)\u22122/3. (39) \f\u2013 23 \u2013 The typical separations of voids, i.e., dvoid, has to be on the order of the clustering scale of galaxies, which is about 4 \u22125cMpc (e.g., Ouchi et al. 2010), or larger. This suggests that \u03bbmfp,void \u2265245 pMpc at z = 5.7, implying that possible, to-be-last-reionized neutral islands in voids do not contribute much to the mean free path of LyC photons at z = 5.7. We thus conclude that halos likely contribute predominantly to the mean free path of LyC photons at z = 5.7 (likely at all lower redshifts as well, for that matter). Finally, we note that for simplicity we have adopted the assumption of sphericity of gas distribution in and around halos in question. Any deviation from sphericity would result in a reduction in cross section hence a more stringent demand for more small scale power. In addition, we note that baryonic fraction may be lower than the mean universal fraction. Furthermore, some gas in large halos with virial temperature higher than \u223c104K may be heated up to remove itself from the HI category. To give a sense of the magnitude of this effect we show in Figure 8 two additional cases where we assume that halos with virial temperature greater than 3 \u00d7 105K (thin, black dot-dashed curve) and 3 \u00d7 104K (thin red dotted curve), respectively, do not contribute to \u03bbmfp. We see a signi\ufb01cant effect; numerically, to attain \u03bbmfp = (5.3, 6.8, 10.5)pMpc in order to yield \u03c4e = (0.047, 0.055, 0.064, 0.073), respectively, the required log Mcut changes from (8.67, 7.58, 6.95) for no upper cutoff to (8.54, 7.51, 6.89) for upper cutoff of virial temperature of 3 \u00d7 105K, to (7.92, 7.07, 6.51) for upper cutoff of virial temperature of 3 \u00d7 104K. Moreover, internal ionizing radiation may reduce the HI fraction. Therefore, our assumptions and derived limits on small-scale power and on dark matter particle mass are all on the conservative side. 5. Discussion 5.1. Rapid Reionization Towards z = 5.7 The intrinsic emissivities of LyC photons at z = 5.7 and z = 6 are almost identical. We can use this fact to outline the nature of percolation of HII regions near the end of the reionization. We \ufb01rst note that we \ufb01nd that the theoretically derived relation of \u0393 \u2212\u03bbmfp at z = 6 is nearly identical to that at z = 5.7 at the visual resolution of eye when overplotted in Figure 1. It means, if the universe were in the post-overlap regime already at z = 6, its volume-weighted neutral fraction ought to be similar to that at z = 5.7. In other words, \u03bbmfp due to halos (mostly) based on \u039bCDM model and emissivity at z = 6 can easily accommodate a transparent universe similar to the one observed at z = 5.7. The observations indicate otherwise: fHI,V \u223c0.9 \u00d7 10\u22124 at z = 5.7 versus fHI,V > 2 \u00d7 10\u22124 at z = 6 (Fan et al. 2006). Thus, the universe is not fully ionized at z = 6 in the way of imposing a smaller \u03bbmfp hence a lower \u0393 for a given \u02d9 Nion,IGM. The likely, perhaps only, consistent solution would be that HII regions have not overlapped at z = 6 so that neutral patches in the IGM (not in the halos) render \u03bbmfp much lower than the notional \u03bbmfp,IGM and \u03bbmfp,halo in the post-overlap epoch. The inferred value of \u0393\u221212 < 0.02 at z = 6 (based on Ly\u03b3 absorption) (Cen & McDonald 2002; Fan et al. 2006) suggests that \u03bbmfp at z = 6 is an order of magnitude lower than that at z = 5.7. \f\u2013 24 \u2013 This is clear and fairly direct evidence that the percolation of HII regions is not yet complete at z = 6, indicating that the universe is in a rapid transitory phase from z = 6 to z = 5.7 clearing up some of the last neutral patches that dominate the mean free path, in a monotonic and irriversible process. Topologically, this indicates that HII regions transition from a set of isolated islands at z = 6 to a connected network of swiss-cheese-like HII region at z = 5.7. This expected rapid reionization process is consistent with and required by the necessary small values of \u03bbmfp \u22646.8pMpc at z = 5.7 to achieve \u03c4e \u22640.064, which in turn requires contribution from minihalos (those with virial temperature less than 104K or virial mass less than 1.6 \u00d7 108 M\u2299at z = 5.7). Gas in minihalo, when exposed to ionizing photons, responds dynamically by slowly evaporating through the action of thermal pressure of photoheated gas. Iliev et al. (2005) show that it takes about 100 \u2212200Myr to photoevaporate a minihalo of mass 107 M\u2299at z = 9. This process is expected to take longer for more massive minihalos. In our case, a minihalo of mass 107 M\u2299is relevant for \u03c4e = 0.055 (see the red dot in Figure 8); for \u03c4e = 0.064 minihalos of mass 1.6 \u00d7 108 M\u2299would be relevant (see the magenta square in Figure 8). Thus, it is probably true that, for the range of interest, the time scale taken for photoevaporation of relevant minihalos is 100 \u2212200Myr or longer. We note that the universal age difference from z = 6 to z = 5.7 is 63Myr, from z = 7 to z = 5.7 is 231Myr. We see in Figure 6 that the neutral fraction at z = 7 is about 40%, meaning about 40% of minihalos have not yet been exposed to ionizing radiation at z = 7. Thus, it is probable that a signi\ufb01cant fraction, perhaps a large majority, of minihalos have not lost gas in their inner regions (that actually contribute to the mean free path of LyC photons) by z = 5.7, permitting the possibility that they contribute signi\ufb01cantly to the mean free path of LyC photons, if necessary. 5.2. On fesc of Galaxies at Epoch of Reionization Using Eq 14, the four points (represented by the four symbols) in Figure 8 give fesc = (20.7, 14.6, 11.5, 8.9)%, in order to arrive at the reionization solutions constrained by the state of the IGM at z = 5.7 with \u03c4e = (0.047, 0.055, 0.064, 0.073), respectively. This required fesc based on the observed state of the IGM at z = 5.7 is consistent with computed fesc,comp = 10 \u221214% based on state-of-the-art high resolution cosmological radiation hydrodynamic simulations of dwarf galaxies at the epoch of reionization of Kimm & Cen (2014). We point out that the upper value (14%) includes contributions from runaway OB stars. It is noteworthy that fesc,comp is effectively a measure of the porosity of the interstellar medium, where LyC photons escape through transparent holes into the IGM. Therefore, a correct treatment/implementation of supernova feedback is essential, as is in Kimm & Cen (2014) but not in any other simulations that the author is aware of. Including Wolf-Rayet stars for Pop II stellar population, which empirically are much more abundant in local metallicity environment that is expected for galaxies at the epoch of reionization, may further increase the ratio of LyC photons to FUV photons, i.e., \u03beion, thus lessen the requirement for a high fesc. Thus, it seems that \f\u2013 25 \u2013 the stellar emissivity observed is adequate for maintaining the state of the IGM in terms of global and local ionization balance. It should be noted that these changes have no effect on solutions of reionization history that we have obtained, which depends directly on \u02d9 Nion,IGM. 5.3. Dichotomy in the Evolution of Lyman Alpha Emitters z > 6 In Figure 3 we see that solutions without Pop III contributions require \u03c7 = (0.7, 2.2, 3.6) for \u03c4e = (0.055, 0.064, 0.073), respectively. In general, the solutions even with Pop III contributions requires \u03c7 > 0 as long as \u03c4e \u22650.052. We note that the overall fesc tends to correlate with the porosity of the ISM, while individual fesc is strongly dependent on the line of sight of the observer (e.g., Cen & Kimm 2015). A positive \u03c7 > 0 is physically consistent with the expectation that smaller galaxies, having shallower gravitational potential wells, may be more susceptible to feedback processes from supernovae and have more porous ISM. Simulation results are consistent with this expected trend (e.g., Kimm & Cen 2014). Is there observational evidence that the escape of Ly\u03b1 and of LyC photons are both correlated with ISM posority? Jones et al. (2013) \ufb01nd an interesting trend of lower covering fractions of low-ionization gas for galaxies with strong Ly\u03b1 emission, providing evidence for a reduction in the average HI covering fraction (hence an increase in the escape fraction of ionizing radiation) is correlated with increase in Ly\u03b1 emission. Shapley et al. (2003) \ufb01nd that the blueshifts of interstellar absorption lines in LAEs and LBGs are similar at \u223c\u2212200 km s\u22121, suggesting that the velocity of out\ufb02ows in LAEs and LBGs are comparable. But their study also reveals a trend that Ly\u03b1 EW increases with decreasing \u2206vem\u2212abs in the EW range of \u221215 to +50\u00c5. Furthermore, they con\ufb01rm that \u2206vLy\u03b1 of LAEs is systematically smaller than the values of LBGs, with \u2206vLy\u03b1 of about 200 km s\u22121 for LAEs compared to about 400 km s\u22121 for LBGs. Moreover, they clarify that \u2206vLy\u03b1 decreases with increasing EW of Ly\u03b1. Recently, Shibuya et al. (2014) \ufb01nd an anti-correlation between Ly\u03b1 EW and the covering fraction estimated from the depth of absorption lines, which is an indicator of average neutral hydrogen column density. Their results support the idea that neutral column density is a key quantity determining Ly\u03b1 emissivity, consistent with the notion that the escape of LyC and Ly\u03b1 is correlated with each other and due to lower column density holes in the ISM. The combination of these facts leads one to conclude that the Ly\u03b1 velocity offset is positively correlated with NHI and negatively correlated with EW, exactly predicted from results based on Ly\u03b1 radiative transfer calculations (e.g., Zheng et al. 2010). None of these properties concerning Ly\u03b1 emission can be attributed to differences in the out\ufb02ow velocity, which do not appear to exist between LAEs and LBGs. Taken together, intrinsically, one would have expected then that the escape of Ly\u03b1 photons should be made easier with increasing redshift; i.e., both the ratio of Lyman alpha emitters to overall galaxy population at a chosen Ly\u03b1 EW or the overall Ly\u03b1 luminosity to FUV luminosity ratio as a whole are expected to increase with redshift beyond z = 5.7. Such an expectation is not borne out with observations. At some EW cuts, observations \f\u2013 26 \u2013 have consistently found that the fraction of LAEs out of LBGs decreases by a signi\ufb01cant factor from redshift z = 6 to z = 8 (e.g., Treu et al. 2013; Vanzella et al. 2014; Faisst et al. 2014; Schenker et al. 2014; Tilvi et al. 2014; Furusawa et al. 2016). This observational evidence strongly suggests that the intergalactic medium may have increasingly diminished the observability of the Ly\u03b1 from z \u223c6 to z \u223c8, consistent with the rapid reionization picture depicted in Figure 6). Physically, this is due to the fact that signi\ufb01cantly neutral IGM limits the size of Stromgren sphere around galaxies (Cen & Haiman 2000). Caruana et al. (2014) conclude that the neutral fraction of the IGM at z \u223c7 to be \u223c0.5, which would be consistent with our computed model shown in Figure 6). On the other hand, even if the IGM is indeed masking the appearance of the Ly\u03b1 emission for most, relatively low luminosity galaxies at the epoch of reionization, for rare, very luminous galaxies (which each are also likely clustered with other galaxies) with large Stromgren spheres, their Ly\u03b1 emission lines may be unaffected or possibly enhanced (given \u03c7 > 0), under suitable conditions. A corroborative or con\ufb01rmative piece of evidence for this may be that, if a strong Ly\u03b1 line is detected, the emission region could, but not necessarily required to, be compact spatially and in velocity space due to lack of scattering. There are observational indications that this may in fact be the case. Sobral et al. (2015) observe a luminous Ly\u03b1 source (CR7) with luminosity of 1043.93\u00b10.05 erg/s at z = 6.6 (the most luminous Ly\u03b1 emitter ever found at z > 6) but with a narrow FWHM of 266\u00b115 km s\u22121. Hu et al. (2016) detect a luminous Ly\u03b1 emitting galaxy, COLA1, with luminosity of 1043.9 erg/s at z = 6.593. COLA1 shows a multi-component Ly\u03b1 pro\ufb01le with a blue wing, suggesting a large and highly Stromgren sphere perhaps well extending into the infall region. Matthee et al. (2015) have argued that there is little evolution in the luminosity function of the most luminous LAEs at these redshifts, suggesting that these objects lie in large HII regions and protect themselves from changes in IGM neutral fraction, consistent with the expectation, at least in principle. More pinpointed analysis will be desirable in this respect, combining reionization simulations with detailed radiative transfer of Ly\u03b1 photons. In summary, we expect that there is a dichotomy in the evolution of Ly\u03b1 emitting galaxies. For relatively low Ly\u03b1 luminosity galaxies, their emission lines will be progressively diminished with increasing redshift due to the increasingly neutral IGM beyond z \u223c6. On the other hand, for the most luminous Ly\u03b1 emitters, under suitable conditions, their Stromgren spheres are large enough to allow their Ly\u03b1 line to escape unscathed by the neutral IGM. Both are consistent with present tentative observational evidence. 6."
+ },
+ {
+ "url": "http://arxiv.org/abs/1604.06473v1",
+ "title": "Testing Models of Quasar Hosts With Strong Gravitational Lensing by Quasar Hosts",
+ "abstract": "We perform a statistical analysis of strong gravitational lensing by quasar\nhosts of background galaxies, in the two competing models of dark matter halos\nof quasars, HOD and CS models. Utilizing the BolshoiP Simulation we demonstrate\nthat strong gravitational lensing provides a potentially very powerful test of\nmodels of quasar hosting halos. For quasars at $z=0.5$, the lensing probability\nby quasars of background galaxies in the HOD model is higher than that of the\nCS model by two orders of magnitude or more for lensing image separations in\nthe range of $\\theta\\sim 1.2-12~$arcsec. To observationally test this, we show\nthat, as an example, at the depth of the CANDELS wide field survey and with a\nquasar sample of $1000$ at $z=0.5$, the two models can be differentiated at\n$3-4\\sigma$ confidence level.",
+ "authors": "Renyue Cen, Mohammadtaher Safarzadeh",
+ "published": "2016-04-21",
+ "updated": "2016-04-21",
+ "primary_cat": "astro-ph.GA",
+ "cats": [
+ "astro-ph.GA"
+ ],
+ "main_content": "INTRODUCTION The basic characteristics of the dark matter halos hosting quasars, such as their masses, remain uncertain. The conventional, popular HOD (halo occupation distribution) model stands out on its simplicity in that it is based on assigning a probability function to quasars to reside in a halo of a given mass in order to match the observed quasar clustering strength (Zheng et al. 2005, 2007; Shen et al. 2013). A newly proposed model (Cen & Safarzadeh 2015a, \u2019CS model\u2019 hereafter) differs in its physical proposition by allowing for considerations of physical conditions of gas in galaxies hosting quasars and the fact that quasar activities are a special, rare phase. In particular, a restriction (an upper bound) on the halo mass of quasar hosts of 1012.5\u221213 M\u2299is imposed as a necessary condition, based on the physical condition that more massive halos, being completely hot gas dominated, are incapable of feeding the central supermassive black holes in a vigorous fashion. In addition, since the typical quasar duty cycle is much less than unity, quasar activity must not be a typical condition in a galaxy\u2019s history. We thus argue that some special condition is necessary to \u201ctrigger\" each quasar feeding event. We propose that signi\ufb01cant gravitational interaction, parameterized as the presence of a signi\ufb01cant companion halo within some distance, not necessarily a major merger, is the second necessary condition for making a quasar. We demonstrate that the CS model can equally well match the observed quasar clustering properties (auto-correlation functions of quasars and quasar-galaxy cross-correlation functions) over a wide range of redshift. The masses of the dark matter halos in the CS model are very different from those of the HOD based model. For example, at z \u223c0.5 \u22122, the host halos in the CS model have masses of \u223c1011 \u22121012 M\u2299, compared to \u22651013 M\u2299in the HOD model. This large difference gives rise to important differences in several observables. First, a critical differentiator is the cold gas content in quasars host galaxies, which is in part, but not entirely, due to the physical ingredients used in the construction of our model, i.e., the upper halo mass limit. Speci\ufb01cally, because of the large halos mass required in the HOD model, quasars hosts have much lower content of cold gas than in the CS model. Cen & Safarzadeh (2015a) have shown that the CS model is in excellent agreement with the observed covering fraction of 60% \u221270% for Lyman limit systems within the virial radius of z \u223c2 quasars (Prochaska et al. 2013). On the other hand, the HOD model is inconsistent with observations of the high covering fraction of Lyman limit systems in quasar host galaxies. Second, in Cen & Safarzadeh (2015b) we show that, while both HOD and CS models are consistent with the observed thermal Sunyaev-Zeldovich (tSZ) effect at the resolution of FWHM=10 arcmin obtained by Planck data, FWHM=1 arcmin beam tSZ measurements would provide a potentially powerful test between the two models. Subsequently, a careful analysis of the South Pole Telescope tSZ data at a beam of FWHM\u223c1 arcmin suggests that the CS model is strongly favored over the HOD model (Spacek et al. 2016). In this Letter we present and demonstrate yet another potentially powerful test to arXiv:1604.06473v1 [astro-ph.GA] 21 Apr 2016 \f2 distinguish between these two competing models, namely strong gravitational lensing by quasar hosting galaxies of background galaxies, which may \ufb01nally put to rest the issue of the halo masses of quasar hosts. 2. SIMULATIONS AND ANALYSIS METHOD We utilize the Bolshoi Simulation (Klypin et al. 2011) to perform the analysis. A set of properties of this simulation that meet our requirements includes a large box of 250h\u22121Mpc, a relatively good mass resolution with dark matter particles of mass 1.3 \u00d7 108h\u22121 M\u2299, and a spatial resolution of 1 h\u22121 kpc comoving. The mass and spatial resolutions are adequate for capturing halos of masses greater than 2 \u00d7 1010 M\u2299, which are resolved by at least about 100 particles and 40 spatial resolution elements for the virial diameter. Since the mass range of interest here is \u22651011 M\u2299, all halos concerned are well resolved. Dark matter halos are found through a friends-of-friends (FOF) algorithm. The adopted \u039bCDM cosmology parameters are \u2126m = 0.27, \u2126b = 0.045, \u2126\u039b = 0.75, \u03c38 = 0.82 and n = 0.95, where the Hubble constant is H0 = 100h km s\u22121 Mpc\u22121 with h = 0.70. We select quasars host halos from z = 0.5 data output of the Bolshoi Simulation, using the detailed prescriptions for both CS and HOD models, described in Cen & Safarzadeh (2015a). For the purpose of computing lensing statistics, we project all particles in the z = 0.5 simulation box along the x-axis onto a plane with spatial resolution of 4 proper kpc. At the location of each quasar halo, we compute the radial pro\ufb01le of the projected dark matter density centered on the halo. In addition to the dark matter, we also model the baryons\u2019 contribution to the projected surface density. Following the parametrization of Behroozi et al. (2013), we assign a baryon fraction to the dark matter halos as a function of the halo mass. The baryon mass is distributed and projected assuming a Singular Isothermal Sphere (SIS) model. The SIS radius for the baryons is de\ufb01ned to be rSIS = 2 \u00d7 re\ufb00where the effective radius is computed following van der Wel et al. (2014) \ufb01ts for elliptical galaxies in that redshift range: re\ufb00= 100.78( M 5 \u00d7 1010 M\u2299 )0.22 (1) The projected surface density, without and with baryonic correction, subtracted by the mean surface density of the box (\u223c3 \u00d7 107M\u2299/kpc2), is compared to critical surface density. We compute the surface density of the halos in radial bins and the radius within which the mean surface density is equal to \u03a3crit is de\ufb01ned as the Einstein radius rE for that halo, with the corresponding angle subtended being \u03b8E = rE/DL, where DL is the angular diameter distance to the quasar host (i.e., the lens). The critical density for strong lensing is \u03a3crit = c2 4\u03c0G DS DLDLS , (2) at redshift zl; in this paper, we consider zL = 0.5 for illustration. Here DS is the angular diameter distance to the source and DLS is the angular diameter distance between the lens and the source. We note that for sources at zs > 2 the critical density for strong lensing by a lens at zl = 0.5 is approximately constant \u223c109M\u2299/kpc2, which rises slowly to \u223c2 \u00d7 109M\u2299/kpc2, at zs = 1, followed by a steep rise to zs = 0.5. We compute the surface densities of 10,000 quasar host halos for both CS and HOD models and obtain the probability distribution function (PDF) of the lensed image angular separation statistics for each model. In order to make quantitative calculations for lensing statistics of background galaxies, we assess the lensing cross section in the source plane as follows. We assume an SIS model for the lens in which all the sources in the background whose un-de\ufb02ected photons pass within the lens\u2019s rE are lensed to give two images, with the cross section in the source plane giving two images being \u03c3 = \u03c0r2 E (Turner et al. 1984). De\ufb01ning the impact parameter as (f \u2261\u03b8Q/\u03b8E), lensing of background galaxies with f < 1 gives two images. The ampli\ufb01cation as a function of impact parameter is r = 1+f 1\u2212f . Averaging the ampli\ufb01cation over the cross section gives a factor of four total ampli\ufb01cation due to lensing inside the critical radius. In our case, we demand that both images are observed in order for us to be sure of a strong lensing event. With that requirement, we \ufb01nd that, in a magnitude limited survey, for sources within a given redshift interval, the effective source plane galaxy number density turns out to be unchanged. In other words, although we can probe to fainter limits because of the total ampli\ufb01cation power, the number of pairs of images both detectable is unchanged, with the effective source plane across section remaining at \u03c3 = \u03c0r2 E. Then, we obtain the number of multiply imaged galaxies as function of image separation \u2206\u03b8 = 2\u03b8E for a given \u03a3gal for each model. We compare the distributions of \u2206\u03b8 between the HOD and CS models We compute \u03c72 to statistically evaluate the size of quasar samples and the number density of background galaxies required in order to differentiate between the HOD and CS models, using Poisson statistics. \f3 The difference between the models for each radial bin is computed as follow: \u03c32 i = (NCS,i \u2212NHOD,i)2 NCS,i + NHOD,i (3) for i denotes the radial bin and NCS,i = \u03a3gal \u00d7 2\u03c0ridr \u00d7 NQSO \u00d7 PCS,i, where PCS,i is the probability of the CS model in ith radial bin at ri. The same is adopted for HOD model. The total difference taking into account all the radial bins is computed as follow and shown in Figure 3 below. \u03c32 tot = X \u03c32 i (4) 3. RESULTS 0 2 4 6 8 10 12 \u03b8(arcsec) 10\u22125 10\u22124 10\u22123 10\u22122 10\u22121 100 Probability(>\u03b8) HOD: DM+Baryon CS: DM+Baryon HOD: DM CS: DM Figure 1. shows the cumulative probability distribution functions of image separations \u03b8 in the HOD (blue curves) and CS (red curves) models, without (dashed curves) and with (solid curves) baryons, respectively. The result is based on 13,000 quasar host halo candidates in each model at z=0.5, viewed along each of the three orthogonal directions, resulting in a total of 39,000 effective candidates. The errorbars are based on Poisson statistics. Figure 1 shows the cumulative probability distribution function of image separations in the HOD (blue curves) and CS (red curves) models, without (dashed curves) and with (solid curves) baryons, respectively. We see that the large difference in masses of quasar host halos between HOD and CS models is most vividly displayed: the lensing probability in the HOD model is higher than that of the CS model by two orders of magnitude or more over the range \u03b8 \u223c1 \u22125 arcsec. Above \u223c6 arcsec image separation there is no case in the CS model, whereas the lensing probability in the HOD model is still at \u223c10\u22124 \u221210\u22123 at \u223c10 \u221212 arcsec. We note that 1 arcsec corresponds to 6.2kpc at z = 0.5. The pixel size of the mass projection map at z = 0.5 corresponds to 0.65 arcsec in angular size. Thus, we do not include bins at \u03b8 < 1.2 arcsec in our considerations of differentiations between the two models. The large differences between the HOD and CS models shown in Figure 1, can be understood by looking at Figure 2, which shows a comparison between the normalized probability distribution functions of masses of all quasar host halos (solid curves) and of those capable of producing strong lensing with image separation \u03b8 > 1.2 arcsec (dashed curves). We see that the vast majority of quasar host halos producing strong lensing with image separations \u03b8 > 1.2 arcsec have masses greater than 1012.5 M\u2299, peaking at 1013 \u22121013.5 M\u2299. Even though the overall number of quasar hosts are the same in the two models, their abundances for halos of masses around the peak (1013 \u22121013.5 M\u2299) differ by about two orders of magnitude, which evidently can account for most of the differences between the two lensing probabilities seen in Figure 1. There may be other conceivable \f4 11.0 11.5 12.0 12.5 13.0 13.5 14.0 14.5 15.0 logMh[M\u2299] 10\u22123 10\u22122 10\u22121 100 101 102 PDF CS HOD CS, \u03b8 > 1.2arcsec HOD, \u03b8 > 1.2arcsec Figure 2. shows the normalized probability distribution functions of quasar host halo masses in the HOD (blue solid curve) and CS (red solid curve) models, respectively, based on 13,000 halos used for Figure 1. The corresponding dashed curves are the normalized probability distribution functions of masses of selected quasar host halos capable of producing strong lensing with image separation \u03b8 > 1.2 arcsec. It is useful to note that the quasars at z \u223c0.5 that the models model have bolometric luminosity threshold of 1045.1erg/s (Cen & Safarzadeh 2015a). differences, such as the density slopes in the central regions, possibly due for example to difference residing environments of halos of the same masses, between the two quasar host halos in the two models. But as a whole, these other possible differences, if any, do not appear to make a large difference to the overall lensing probability. Given the results shown in Figure 1, we now estimate the observational samples, a combination of the number of target lenses (i.e., quasar hosts), NQSO, and the surface density of background galaxies, \u03a3gal (in arcsec\u22122), that are required to differentiate between the CS and HOD models. To be speci\ufb01c, we assume that the quasar hosts are at redshift z = 0.5. Figure 3 shows the con\ufb01dence levels of statistical differentiation between the two models, based on Eq (3,4). We note that the results only depend on the product NQSO\u03a3gal but we show four separate cases of NQSO for ease of assessment. For example, for a quasar sample of 100, a surface density of background galaxies of \u03a3gal = 0.1 arcsec\u22122 will allow for a 2.5\u03c3 test between the two models. For a quasar sample of 1000, \u03a3gal = 0.023 arcsec\u22122 produces a 4\u03c3 test. To illustrate the observational feasibility of testing the models, Figure 4 shows the cumulative surface number density of galaxies observed in the Hubble F160W \ufb01lter down to 50% completeness level in HUDF (Beckwith et al. 2006) (blue curve) and CANDELS deep (green curve) and shallow (red curve) tier observations (Grogin et al. 2011; Koekemoer et al. 2011). Numerically, we see that \u03a3gal(> z = 1 \u22122) \u223c0.01 \u22120.02 arcsec\u22122 for the CANDELS wide \ufb01eld survey; a survey of this depth with 1000 quasar at z = 0.5 would be able to differentiate between the two models at \u223c3 \u22124\u03c3 con\ufb01dence level. At the depth of HUDF \u03a3gal(> z = 1 \u22122) \u223c0.05 \u22120.08 arcsec\u22122, which could yield \u22652\u03c3 con\ufb01dence level with only about 200 quasars at z = 0.5. \f5 10\u22126 10\u22125 10\u22124 10\u22123 10\u22122 10\u22121 100 \u03a3gal(arcsec\u22122) 0.0 0.5 1.0 1.5 2.0 2.5 3.0 3.5 4.0 \u03c3 NQSO = 1e+02 NQSO = 1e+03 NQSO = 1e+04 NQSO = 1e+05 Figure 3. shows the con\ufb01dence levels of statistical differentiation between the two models as a function of the surface density of background galaxies, \u03a3gal (in arcsec\u22122), based on Eq (3,4). Four cases of NQSO are shown. We assume that the quasar hosts are at redshift z = 0.5. NQSO is the number of target lenses (i.e., quasar hosts). Poisson statistics are used for the errorbars. 0 1 2 3 4 5 6 7 z 0.00 0.02 0.04 0.06 0.08 0.10 0.12 0.14 \u03a3gal(arcsec\u22122) HUDF CANDELS Deep CANDELS Wide Figure 4. Shows the cumulative surface number density of galaxies observed in the Hubble F160W \ufb01lter down to 50% completeness level in HUDF (Beckwith et al. 2006) and CANDELS deep and shallow tier observations (Grogin et al. 2011; Koekemoer et al. 2011). The completeness level at 50% corresponds to mAB(F160W) = 25.9, 26.6, 28.1 for the CANDELS wide, deep and HUDF, respectively. Data is from the compilation of Guo et al. (2013). 4."
+ },
+ {
+ "url": "http://arxiv.org/abs/1604.01986v1",
+ "title": "Upper Limit on Star Formation and Metal Enrichment in Minihalos",
+ "abstract": "An analysis of negative radiative feedback from resident stars in minihalos\nis performed. It is found that the most effective mechanism to suppress star\nformation is provided by infrared photons from resident stars via\nphoto-detachment of ${\\rm H^-}$. It is shown that a stringent upper bound on\n(total stellar mass, metallicity) of ($\\sim 1000{\\rm M_\\odot}$, $-3.3\\pm 0.2$)\nin any newly minted atomic cooling halo can be placed, with the actual values\npossibly significantly lower. This has both important physical ramifications on\nformation of stars and supermassive black seeds in atomic cooling halos at high\nredshift, pertaining to processes of low temperature metal cooling, dust\nformation and fragmentation, and direct consequences on the faint end galaxy\nluminosity function at high redshift and cosmological reionization. The\nluminosity function of galaxies at the epoch of reionization may be\nsubstantially affected due to the combined effect of a diminished role of\nminihalos and an enhanced contribution from Pop III stars in atomic cooling\nhalos. Upcoming results on reionization optical depth from Planck\nHigh-Frequency Instrument data may provide a significant constraint on and a\nunique probe of this star formation physical process in minihalos. As a\nnumerical example, in the absence of significant contributions from minihalos\nwith virial masses below $1.5\\times 10^{8}{\\rm M_\\odot}$ the reionization\noptical depth is expected to be no greater than $0.065$, whereas allowing for\nminihalos of masses as low as ($10^7{\\rm M_\\odot}$, $10^{6.5}{\\rm M_\\odot}$) to\nform stars unconstrained by this self-regulation physical process, the\nreionization optical depth is expected to exceed $(0.075,0.085)$, respectively.",
+ "authors": "Renyue Cen",
+ "published": "2016-04-07",
+ "updated": "2016-04-07",
+ "primary_cat": "astro-ph.GA",
+ "cats": [
+ "astro-ph.GA"
+ ],
+ "main_content": "Introduction Star formation in minihalos is a fundamental issue, because it is responsible for enriching the primordial gas with \ufb01rst metals that shape the subsequent formation of stars and possibly supermassive black hole seeds in atomic cooling halos. Since the pioneering works (e.g., Abel et al. 2002; Bromm et al. 2002; Nakamura & Umemura 2002), most studies have focused on formation of individual stars (e.g., Hirano et al. 2014). So far studies of the effects of external Lyman-Werner band (LW) (h\u03bd = 11.2 \u221213.6eV) radiation background (e.g., Machacek et al. 2001; Wise & Abel 2007; O\u2019Shea & Norman 2008), external IR radiation background (e.g., Chuzhoy et al. 2007; Hirano et al. 2015) on gas chemistry and thermodynamics hence star formation in minihalos have produced signi\ufb01cant physical insight. We assess the effects of these two LW photo-dissociation and IR photo-detachment H2 formation suppressing processes due to resident stellar population within minihalos, instead of the respective collective arXiv:1604.01986v1 [astro-ph.GA] 7 Apr 2016 \f\u2013 2 \u2013 backgrounds widely considered. We show that photo-detachment process of H2 by infrared photons of energy h\u03bd \u22650.755eV produced by resident stars places a strong upper bound on stellar mass and metals that may be formed in minihalos. This upper limit needs to be taken into account in the general considerations of galaxy formation at high redshift. 2. Maximum Stellar Mass and Metal Enrichment in Minihalos Minihalos are de\ufb01ned as small dark matter halos with virial temperature below that for ef\ufb01cient atomic cooling (i.e., Tv \u2264104K). Minihalos form early in the standard cold dark matter model and are only relevant for high redshift. Star formation may start in minihalos with Tv as low as \u223c1000K or so. The relation between halo virial mass (Mv) and virial temperature (Tv) is Mv = 108h\u22121 M\u2299 \u0012 Tv 1.98 \u00d7 104K \u0013 3 2 \u00120.6 \u00b5P \u0013 3 2 \u0012\u2126m \u2126z m \u2206c 18\u03c02 \u0013\u22121 2 \u00121 + z 10 \u0013\u22123 2 , (1) where z is redshift, \u2126m and \u2126\u039b are density parameter and cosmological constant at redshift zero, respectively; \u2126z m \u2261[1 + (\u2126\u039b/\u2126m)(1 + z)\u22123]\u22121 is the density parameter at redshift z; \u2206c = 18\u03c02 + 82d \u221239d2 and d = \u2126z m \u22121 (see Barkana & Loeb 2001 for more details). The corresponding physical virial radius is rv = 0.784h\u22121kpc \u0012 Tv 1.98 \u00d7 104K \u0013 1 2 \u00120.6 \u00b5P \u0013 1 2 \u0012\u2126m \u2126z m \u2206c 18\u03c02 \u0013\u22121 2 \u00121 + z 10 \u0013\u22121 2 . (2) In minihalos at high redshift, molecular hydrogen H2 is the primary gas cooling agent, before a signi\ufb01cant amount of metals is present. In the absence of a signi\ufb01cant amount of dust grains, the dominant H2 formation channel is via a two-step gas phase process (e.g., Draine 2003), \ufb01rst with radiative association: H + e\u2212\u2192H\u2212+ h\u03bd, (3) followed by associative detachment: H\u2212+ H \u2192H2 + e\u2212. (4) Given this formation channel, if one is interested in suppressing H2 formation, there are two main ways to achieve that goal. One is by destruction of formed H2 molecules through the photo-dissociation process by photons in the LW band of h\u03bd = 11.2 \u221213.6eV: H2 + h\u03bd \u2192H + H. (5) The other is by reducing the density of H\u2212, to which the rate of H2 formation is proportional, by infrared (IR) photons of energy h\u03bd \u22650.755eV via the photo-detachment process: H\u2212+ h\u03bd \u2192H + e\u2212. (6) \f\u2013 3 \u2013 For simplicity, we assume that the initial mass function (IMF) of Population III (Pop III) stars has a powerlaw distribution of the same Salpeter slope: n(M\u2217)dM\u2217= CM\u22122.35dM\u2217, (7) with an upper mass cutoff 100 M\u2299and a lower mass cutoff Mlow that we will vary to understand its in\ufb02uence on the results; C is a constant normalizing the stellar abundance per unit of star formation rate. We stress that our results are rather insensitive to either Mlow or the slope of the IMF . Then, one can compute the intrinsic spectral luminosity (in units of erg sec\u22121 Hz\u22121 sr\u22121) per stellar mass at any photon energy \u03bd as L\u03bd = Z th 0 Z 100 M\u2299 Llow \u03b8(tms \u2212th + tf) \u02d9 M\u2217(tf)J\u03bd(M\u2217)n(M\u2217)dM\u2217dtf, (8) where J\u03bd(M\u2217) is the mean spectral luminosity of a star of mass M\u2217at photon energy h\u03bd in the main sequence; \u03b8(x) is the Heaviside theta function; tms(M\u2217) is the star\u2019s main sequence lifetime; tf and th are the formation time of the star in question and the time under consideration when the luminosity is computed; \u02d9 M\u2217(tf) is star formation rate at time tf. The left panel of Figure 1 shows the individual intrinsic Pop-III stellar black-body spectrum per unit stellar mass times the main sequence lifetime for a range of masses for individual Pop III stars (indicated in the legend in units of solar mass), based on data from Marigo et al. (2001). It is easy to see that low mass stars are more ef\ufb01cient producers of IR photons (indicated by the vertical dashed magenta line); for 1 M\u2299to 20 M\u2299, a decrease of approximately 100 for IR intensity per unit stellar mass is observed. For the LW band photons (indicated by the two vertical dashed black lines), the opposite holds: a decrease of approximately four orders of magnitude is seen from 20 M\u2299to 1 M\u2299. In the right panel of Figure 1 we show comparisons the IR (LW) intensities of a single star of mass indicated by the x-axis in magenta (black) solid curves for redshifts z = 25 (z = 7), to be compared to the the threshold intensities for completion suppression of H2 formation by the respective processes shown as the horizontal dashed lines with the corresponding colors. See below for how the the threshold intensities are computed. Wolcott-Green & Haiman (2012) show that complete suppression of H2 formation in minihalos at high redshift is possible by either LW photo-dissociation or IR photo-detachment process. Based on a detailed modeling, they derive a critical radiation intensity for complete suppression of H2 formation of JLW,crit = 1.5 \u00d7 10\u221221ergs\u22121cm\u22122Hz\u22121sr\u22121 (9) at the LW band via photo-dissociation process alone, and a critical radiation intensity of JIR,crit = 6.1 \u00d7 10\u221220ergs\u22121cm\u22122Hz\u22121sr\u22121 (10) at the IR band (h\u03bd = 2eV) via photodetachment process alone, under the assumption of the existence of the respective backgrounds, not internal radiation. \f\u2013 4 \u2013 log h\u03bd(eV) 0 1 2 log J \u00d7 tms/M\u2217(erg/Hz/sr/M\u2299) 30 31 32 33 34 35 36 100 70 50 30 20 10 6 3 2 1.5 1 logM\u2217(M\u2299) 0 1 2 log J(erg/cm2/s/Hz/sr) -22 -21 -20 -19 -18 -17 z=25 z=7 z=25 z=7 Single star IR intensity IR suppression threshold Single star LW intensity LW suppression threshold Fig. 1.\u2014 Left panel: shows the intrinsic black-body spectra of individual Pop-III stars per unit stellar mass, multiplied by the main sequence lifetime, for a set of stellar masses (in units of solar mass) indicated in the legend. Also shown as the vertical magenta dashed line is the photon energy of 2eV for the photo-detachment process. The LW band is indicated by the two black vertical dashed lines. Right panel: shows the radiation intensity at 2eV (magenta solid curves) and 11.2eV (black solid curves) for a single star of mass shown on the x-axis. The star is assumed to be located at the center and the intensity is measured at the core radius of the minihalo (see text for de\ufb01nition of core radius). Two cases are shown, one for a minihalo at z = 25 with virial temperature of 103 K (upper solid curves) and the other at z = 7 with virial temperature of 104 K (lower solid curves). For both IR and LW photons, no absorption is assumed for this illustration. The horizontal dashed lines with the same corresponding colors are the threshold intensity for complete suppression of H2 formation by the respective processes. We consider the requirement of suppression of either H2 or H\u2212formation in the central core region of minihalos, which is likely most stringent compared to less dense gas at larger radii. Following Shapiro et al. (1999) we adopt the core radius and density to be rc = rv/29.4, \f\u2013 5 \u2013 which is then rc = 26.7h\u22121pc \u0012 Tv 1.98 \u00d7 104K \u0013 1 2 \u00120.6 \u00b5P \u0013 1 2 \u0012\u2126m \u2126z m \u2206c 18\u03c02 \u0013\u22121 2 \u00121 + z 10 \u0013\u22121 2 . (11) and hydrogen number density in the core is nc = 514nv (nv is the gas number density at the virial radius): nc = 4.5cm\u22123 \u00121 + z 10 \u00133 . (12) Since we use the numerical results from Wolcott-Green & Haiman (2012) on photo-detachment, it will be instructive to gain a physical understanding of its origin. The photodetachment cross section is \u03c3\u2212= 2.1 \u00d7 10\u221216(\u03f5 \u22120.755)3/2 \u03f53.11 cm2 (13) where \u03f5 is the photon energy in units of eV. The radiative association rate coef\ufb01cient is k\u2212= 1.3\u00d710\u22129cm3 s\u22121. Thus, with JIR,crit = 6.1 \u00d7 10\u221220erg/s/cm2/Hz/sr at 2eV and minihalo core density of nc = 31cm\u22123 at z = 18 (see Equation 1) (z = 18 is used in Wolcott-Green & Haiman (2012)) and assuming that the spectrum shape of \u221d\u03bd0 in the range 0.755 \u221213.6eV, one \ufb01nds that the ratio of photo-detachment rate to radiative association rate is 0.46; the ratio becomes 1.5 if one assumes the spectrum shape of \u221d\u03bd+1. Note that in the Raleigh-Jeans limit the spectral shape goes as \u221d\u03bd+2 (see Figure 1). We now see that when the photo-detachment rate and radiative association rate are approximately equal in the minihalo core, H2 formation is effectively completely suppressed, as one would have expected. This thus provides an order of magnitude understanding of the Wolcott-Green & Haiman (2012) results. Given the expected little dust content in very metal poor gas in minihalos, the optical depth for IR photons at 2eV is negligible. As a numerical example, the core hydrogen column density would be Nc \u2261rcnc = 1.5 \u00d7 1020cm\u22122 for a minihalo of Tv = 104 K at z = 8. Using the gas to dust column ratio (Draine 2003) with the assumption that dust content is linearly proportional to metallicity yields AV = 0.08(Z/ Z\u2299) mag in this case. It is easy to see that we may safely neglect optical depth effect for IR photons in question. For LW photons, H2 self-shielding effect may be important. We include, conservatively, for maximum H2 self-shielding of LW radiation by placing all sources at the center of the minihalo with the self-shielding reduction of LW photons using the accurate \ufb01tting formula from Draine & Bertoldi (1996) for a halo at z = 7 with Tv = 104 K, corresponding Doppler parameter b = 13 km s\u22121, H2 fraction of fH2 = 10\u22123 and H2 column density equal to fH2rcnc. This case is contrasted with the hypothetical case where self-shielding is neglected. The left panel of Figure 2 shows the critical cumulative stellar mass required to completely suppress further star formation, as a function of the lower mass cutoff of the IMF Mlow, following a minihalo of Tv = 103K at z = 25 through its becoming an atomic cooling halo at z = 7. In making this plot, we have adopted a Monte Carlo approach to randomly sample the IMF , assuming each starburst lasts about 4Myr, a time scale to approximate the effect of \f\u2013 6 \u2013 log Mlow (Msun) 0 0.5 1 1.5 upper limit on log total stellar mass 2 3 4 5 6 7 Detachment Dissociation w/o self-shield Dissociation w/ self-shield log Mlow (Msun) 0 0.5 1 1.5 upper limit on metallicity [Fe/H] -3.5 -3 Detachment:atomic halo@z=7 Fig. 2.\u2014 Left panel: shows the critical cumulative stellar mass for complete suppression of H2 formation, as a function of the lower mass cutoff of the IMF Mlow, via either the photodissociation process by LW photons with (blue open squares) and without H2 self-shielding of LW photons (blue solid squares) or the photo-detachment process by infrared photons (red solid dots). In this example, we assume that a minihalo of virial temperature Tv = 103K is formed at z = 25 when star formation commences, and the critical stellar mass (i.e., upper limit on total stellar mass) is evaluated at z = 7 when the minihalo has grown to a virial temperature of Tv = 104K. Right panel: shows the upper bound on the mean gas metallicity, corresponding to the critical stellar mass shown in the left panel, evaluated at z = 7 when the minihalo has grown to a virial temperature of Tv = 104K. In both panels, the errorbars indicate the dispersions obtained by Monte Carlo realizations of different star formation histories, described in the text. supernova blowout. While simulations have shown that the separation of episodic starbursts is about 20 \u2212100Myr (e.g., Kimm & Cen 2014) for atomic cooling halos, we expect that the separations for minihalos would be larger, thanks to the more violent blowouts of gas by supernovae out of shallower potential wells and less ef\ufb01cient cooling in minihalos for gas return. To stay on the conservative side, we use temporal separations between star formation episodes of 20Myr. In general, a larger separation gives a lower total stellar mass, because the radiative \f\u2013 7 \u2013 suppression effects are almost entirely dominated by stars formed within the ongoing starburst (not by stars from previous starbursts) and often the radiation from a single star is enough to provide the necessary suppression (see the right panel of Figure 1). On details regarding the Monte Carlo realizations, within each starburst, we randomly draw stars from the IMF with a lower mass cutoff of Mlow, until the radiation intensity in IR or UV, separately, at the core radius exceeds the required threshold. We keep track of stars formed in starbursts at higher redshift and take into account their radiative contributions given their main sequence lifetimes. Since we can not \u201cdraw\" a fractional star, in cases where a single star would already exceed the required threshold, stellar mass is higher than if fractional stars can be drawn. Based on the Monte Carlo random sampling procedure to draw stellar distribution from the IMF , the obtained dispersion are shown as vertical bars on symbols in both panels of Figure 2. It is evident that, taking into account H2 self-shielding of LW photons, for the entire range of Mlow considered, the destructive effect due to photo-detachment is larger by two-three orders of magnitude than that due to photo-dissociation taking into account attenuation for LW photons. Thus, we will use the photo-detachment effect to place an upper bound on stellar mass that can form before further H2 formation hence star formation is completely suppressed. The amount of stars formed within minihalos is small, at \u223c103 M\u2299, prior to the minihalo becoming an atomic halo. This self-regulation of star formation in minihalos likely have a signi\ufb01cant impact on the possible contribution of minihalos to reionization. A full characterization of this effect would need detailed simulations with this important process included. Wise et al. (2014) \ufb01nd stellar mass of 103.5 \u2212104.0 M\u2299in minihalos of mass 106.5 \u2212107.5 M\u2299, which is approximately a factor of at least 3 \u221210 higher than allowed, even compared to the largest possible minihalos (before their becoming atomic cooling halos) considered here, as shown in the left panel of Figure 2. We note that the amount stars formed are a result of accumulation of the number of star formation episodes. We have \"maximized\" the stellar mass by using a conservative episodic interval and considering the maximum minihalos at a low redshift z = 7. Obviously, for smaller minihalos at higher redshift with longer \u201cquiet\" periods the amount of stellar mass formed will be smaller. This suggests that the contribution of stars formed in minihalos to reionization may be substantially reduced. We estimate that the contribution of minihalos to cosmological reionization photon budget is likely limited to a few percent. Next, we consider the metal enrichment due to stars formed in minihalos. To compute that, we use the relation between the nickel (which decays to iron) mass produced by a supernova of mechanical explosion energy E: log Mni M\u2299 = 1.49 log E 1050 erg \u22122.9 (14) (Pejcha & Prieto 2015) and the relation between explosion energy E and the main sequence stellar mass M: E 1051 erg = ( M 10.8 M\u2299 )2 (15) \f\u2013 8 \u2013 (Poznanski 2013). We assume all stars with main sequence mass above 8 M\u2299explode as supernavae, except the two intervals 17 \u221223 M\u2299and \u226540 M\u2299, which produce black holes based on the so-called compact parameter \u03be as a physical variable (e.g., O\u2019Connor & Ott 2011; Pejcha & Thompson 2015). The right panel of Figure 2 shows the expected average metallicity when an atomic cooling halo is reached at z = 7. corresponding to the critical stellar mass shown as solid red dots in the left panel of Figure 2. We see that, on average, the expected maximum metallicity due to stars formed in minihalos falls into the range of \u22123.3\u00b10.2 in solar units, for Mlow = 1 \u221230 M\u2299. We use iron mass fraction of 1.77 \u00d7 10\u22123 as solar abundance (Asplund et al. 2009). We have conservatively assumed that enrichment process takes places in a closed-box fashion, with respect to metals produced. Furthermore, we have simplistically assumed that none of the metals produced is not incorporated back into subsequent stars. In reality, retainment of metals produced by stars in minihalos is probably far from complete, given their shallow potential wells, i.e., it is not a closed box. Furthermore, some of the earlier produced metals inevitably get reformed into stars. These conservative approaches used, along with our conservative adoption of 20Myr starburst separation, indicate that that the actual metallicity due to stars in minihalos may be signi\ufb01cantly below the maximum allowed values indicated in the right panel of Figure 2. In other words, we expect that the metallicity \ufb02oor put in by stars formed in previous minihalos, when an atomic cooling halo is formed, is likely signi\ufb01cantly below \u22123.3\u00b10.2 in solar units. There is one possible caveat in the arguments leading to the results. Despite the resultant low metallicity due to self-suppression of star formation by negative IR radiation feedback, the metallicity is not zero. Thus, it is prudent to check if the metallicity is suf\ufb01ciently low to justify the neglect of low-temperature metal cooling. We \ufb01nd that, using [Z/H] = \u22123 and molecular hydrogen fraction of fH2 = 10\u22123, the ratio of the cooling rate of metal lines (primarily due to OI, CII, SiII aand FeII) to that of molecular hydrogen is found to be (4.1\u00d710\u22122, 1.6\u00d710\u22123, 2.6\u00d710\u22124) at temperature T = (103, 103.5, 104) K (Maio et al. 2007), respectively. Empirically, experimental simulations have found that, in lieu of molecular hydrogen cooling, low-temperature metal cooling with a metallicity of [Z/H] \u223c\u22121.5 produces cooling effect comparable to that molecular hydrogen fraction with fH2 = 10\u22123 (Kimm 2016, private communications), which is consistent with above estimates based on cooling rates. Thus, the low-temperature metal cooling is probably no more than (\u223c2%, 0.1%, 0.01%) of the molecular hydrogen cooling in the case of absent negative feedback examined here, if [Z/H] \u2264\u22123.3, in minihalos with virial temperatures Tv = (103, 103.5, 104) K, respectively. Therefore, the low-temperature metal cooling is unlikely to be able to make up the \u201clost\" H2 cooling, due to negative feedback from local radiation, to alter the suppression of star formation. \f\u2013 9 \u2013 3. Discussion and"
+ },
+ {
+ "url": "http://arxiv.org/abs/1507.07934v1",
+ "title": "Testing Dark Matter Halo Models of Quasars With Thermal Sunyaev-Zeldovich Effect",
+ "abstract": "A statistical analysis of stacked Compton$-y$ maps of quasar hosts with a\nmedian redshift of $1.5$ using Millennium Simulation is performed to address\ntwo issues, one on the feedback energy from quasars and the other on testing\ndark matter halo models for quasar hosts. On the first, we find that, at the\nresolution of FWHM=$10$ arcmin obtained by Planck data, the observed thermal\nSunyaev-Zeldovich (tSZ) effect can be entirely accounted for and explained by\nthe thermal energy of halos sourced by gravitational collapse of halos, without\na need to invoke additional, large energy sources, such as quasar or stellar\nfeedback. Allowing for uncertainties of dust temperature in the calibration of\nobserved Comton$-y$ maps, the maximum additional feedback energy is $\\sim 25\\%$\nof that previously suggested. Second, we show that, with FWHM=$1$ arcmin beam,\ntSZ measurements will provide a potentially powerful test of quasar-hosting\ndark matter halo models, limited only by possible observational systematic\nuncertainties, not by statistical ones, even in the presence of possible quasar\nfeedback.",
+ "authors": "Renyue Cen, Mohammadtaher Safarzadeh",
+ "published": "2015-07-28",
+ "updated": "2015-07-28",
+ "primary_cat": "astro-ph.GA",
+ "cats": [
+ "astro-ph.GA"
+ ],
+ "main_content": "Introduction The nature of the dark matter halos hosting quasars remain debatable. There are primarily two competing models. One is the traditional, popular HOD (halo occupation distribution) model, which is based on assigning a probability function to quasars to reside in a halo of a given mass in order to match the observed quasar clustering strength (Zheng et al. 2005, 2007; Shen et al. 2013). The other model is a physically motivated model recently put forth (Cen & Safarzadeh 2015, \u2019CS model\u2019 hereafter). While the CS model, like the HOD based model, matches the observed clustering of quasars, the masses of the dark matter halos in the CS model are very different from those of the HOD based model. For example, at z \u223c0.5 \u22122, the host halos in the CS model have masses of \u223c1011 \u22121012 M\u2299, compared to (0.5 \u22122) \u00d7 1013 M\u2299in the HOD model. This then offers a critical differentiator between the CS and HOD models, namely, the cold gas content in quasars host galaxies. Speci\ufb01cally, because of the large halos mass required in the HOD 1Princeton University Observatory, Princeton, NJ 08544; cen@astro.princeton.edu 2Johns Hopkins University, Department of Physics and Astronomy, Baltimore, MD 21218, USA arXiv:1507.07934v1 [astro-ph.GA] 28 Jul 2015 \f\u2013 2 \u2013 model, quasars hosts have much lower content of cold gas than in the CS model. Cen & Safarzadeh (2015) have shown that the CS model is in excellent with the observed covering fraction of 60% \u221270% for Lyman limit systems within the virial radius of z \u223c2 quasars (Prochaska et al. 2013). On the other hand, the HOD model is inconsistent with observations of the high covering fraction of Lyman limit systems in quasar host galaxies. Given the fundamental importance of the nature of dark matter halos hosting quasars, in this Letter we present another potentially powerful test to distinguish between these two competing models. We show that upcoming measurements of thermal Sunyaev-Zeldovich effect at arc-minute resolution (or better) should be able to differentiate between them with high con\ufb01dence. 2. Simulations and Analysis Method We utilize the Millennium Simulation (Springel et al. 2005) to perform the analysis. A set of properties of this simulation that meet our requirements includes a large box of 500h\u22121Mpc, a relatively good mass resolution with dark matter particles of mass 8.6 \u00d7 108h\u22121 M\u2299, and a spatial resolution of 5 h\u22121 kpc comoving. The mass and spatial resolutions are adequate for capturing halos of masses greater than 1011 M\u2299, which are resolved by at least about 100 particles and 40 spatial resolution elements for the virial diameter. Dark matter haloes are found through a friends-of-friends (FOF) algorithm. Satellite halos orbiting within each virialized halo are identi\ufb01ed applying a SUBFIND algorithm (Springel et al. 2001). The adopted \u039bCDM cosmology parameters are \u2126m = 0.25, \u2126b = 0.045, \u2126\u039b = 0.75, \u03c38 = 0.9 and n = 1, where the Hubble constant is H0 = 100h km s\u22121 Mpc\u22121 with h = 0.73. We do not expect that our results strongly depend on the choice of cosmological parameters within reasonable ranges, such as those from Komatsu et al. (2011). The steps taken to construct the tSZ maps are as follow. For each model (either CS or HOD) quasar model, we sample the quasar host dark matter halos at each redshift, z = 0.5, 1.4 and 3.2. For each quasar host, we select all halos within a projected radius of 80 arcmin centered at the quasar in a cylinder with the depth equal to the length of the simulation box in a given direction. The thermal energy of a halo of mass Mh is calculated using Eth = 3\u2126b 2\u2126m Mh\u03c32 (1) where Mh is the halo mass and \u03c3 the 1-d velocity dispersion computed as \u03c3 = 0.01 \u00d7 \u0010 Mh M\u2299 \u00111/3h\u2126M(z = 0) \u2126M(z) i1/6 (1 + z)1/2[km/s]. (2) The energy of each halo is then distributed uniformly in projected area inside its virial radius rv. To construct SZ maps, we project the energy of each halo using a cloud-in-cell technique in 2-d. We obtain the Compton-y parameter corresponding to total projected thermal energy Eth/A at each pixel with: y = 0.88 \u00d7 0.588 \u00d7 2\u03c3TEth 3mec2A (3) \f\u2013 3 \u2013 where A is the area of the pixel, \u03c3T the Thomson scattering cross section, me the electron mass, c the speed of light, and 0.88 and 0.58 accounts for electron density to mass density, and molecular weight, respectively. We limit the dark matter halos that contribute to the y calculation to the mass range [3 \u00d7 1012, 5.5 \u00d7 1014] M\u2299at z = 0.5 and [3 \u00d7 1012, 6.5 \u00d7 1014] M\u2299 at both z = 1.4 and 3.2. The upper mass limits is used in order to enable comparisons to observations, accounting for the fact that in the Planck observation generated y maps the clusters more massive than these indicated upper limits are masked out (Planck Collaboration et al. 2014). The lower mass limits re\ufb02ect the fact that less massive halos would be cold stream dominated instead of virial shock heated gas dominated; changing the lower mass limit from 3 \u00d7 1012 M\u2299to 1 \u00d7 1012 M\u2299only slightly increases the computed y parameter. To enable comparison with the observed Compton-y maps stacked over a range of redshift z \u223c0.1 \u22123.0 with median redshift of zmed \u223c1.5 (Ruan et al. 2015), we appropriately assign weightings of (36%, 51%, 13%) for z = (0.5, 1.4, 3.2) maps, respectively, and sum up the contributions from the three redshifts. These weightings are adopted to mimic the redshift distribution of stacked quasars used in the observational anaylysis. To compute the variance of the y-parameter we make nine maps each averaged over 1/9th of total individual Comptony maps of the quasar hosts at each redshift for either of the HOD or CS models. Then we have 9 \u00d7 9 \u00d7 9 = 729 possible \ufb01nal maps constructed with the weightings de\ufb01ned above. The dispersion and the mean is then computed considering these 729 \ufb01nal maps. In addition, we construct isolated quasar host only y maps, with only the quasar host halo\u2019s energy contributing to the \ufb01nal tSZ map. In other words, in those isolated quasar y maps, we exclude effects from projected, clustered neighboring halos. 3. Validating Quasar Models with Planck Thermal Sunyaev-Zeldovich Effect Maps We \ufb01rst validate the quasar models by comparing them to Planck observations. Figure 1 shows Compton-y maps for \ufb01ve randomly selected quasar maps at z = 1.4 (including the projection effects) in the \ufb01ve panels other than the top-left panel and the averaged over 10,000 such individual maps is shown in the top-left panel. Each individual map is centered on the quasar halo from the CS model. Halos that contribute to the signal are in the mass range we describe above and in some cases the quasar halo itself does not contribute to the signal if its mass fall outside the mass range. The left panel of Figure 2 shows the Compton-y radial pro\ufb01le obtained by sampling for CS (blue shaded region) and HOD (purple shaded region) model, respectively. Overplotted is the result obtained by stacking the Planck tSZ maps for quasars in the redshift range (0.1, 3.0) with median redshift of 1.5 (green shaded region, Ruan et al. 2015). To compare with Planck tSZ maps, we smooth our synthetic maps with a beam of FWHM=10 arcmin. We see that, at the resolution of Planck of FWHM=10 arcmin, both CS and HOD model are consistent with the observed level of tSZ being contributed entirely by shocked heated, virialized gas \f\u2013 4 \u2013 \u221230 \u221220 \u221210 0 10 20 30 arcmin \u221230 \u221220 \u221210 0 10 20 30 arcmin mean tSZ Compton\u2013y map 2.9e-07 3.0e-07 3.1e-07 3.2e-07 3.3e-07 3.4e-07 3.5e-07 3.6e-07 \u221230 \u221220 \u221210 0 10 20 30 arcmin \u221230 \u221220 \u221210 0 10 20 30 arcmin 0.0e+00 1.5e-07 3.0e-07 4.5e-07 6.0e-07 7.5e-07 9.0e-07 1.0e-06 1.2e-06 1.3e-06 \u221230 \u221220 \u221210 0 10 20 30 arcmin \u221230 \u221220 \u221210 0 10 20 30 arcmin 0.0e+00 1.5e-07 3.0e-07 4.5e-07 6.0e-07 7.5e-07 9.0e-07 1.0e-06 1.2e-06 1.3e-06 \u221230 \u221220 \u221210 0 10 20 30 arcmin \u221230 \u221220 \u221210 0 10 20 30 arcmin 0.0e+00 1.5e-07 3.0e-07 4.5e-07 6.0e-07 7.5e-07 9.0e-07 1.0e-06 1.2e-06 1.3e-06 \u221230 \u221220 \u221210 0 10 20 30 arcmin \u221230 \u221220 \u221210 0 10 20 30 arcmin 0.0e+00 1.5e-07 3.0e-07 4.5e-07 6.0e-07 7.5e-07 9.0e-07 1.0e-06 1.2e-06 1.3e-06 \u221230 \u221220 \u221210 0 10 20 30 arcmin \u221230 \u221220 \u221210 0 10 20 30 arcmin 0.0e+00 1.5e-07 3.0e-07 4.5e-07 6.0e-07 7.5e-07 9.0e-07 1.0e-06 1.2e-06 1.3e-06 Fig. 1.\u2014 Top-left panel show the average Compton-y map of 10,000 individual maps centered on the quasar host sampled from CS model at z = 1.4. The other \ufb01ve panels show \ufb01ve randomly selected individual maps for \ufb01ve quasar halos. The pixel size is 0.034 arcmin. within massive halos. Given our generous mass limit of contributing halos and neglect of gravitationally shock heated gas outside the virial radius, it is likely that the estimates for CS and HOD models shown in the left panel of Figure 2 are somewhat under-estimated. Thus, in disagreement with Ruan et al. (2015) with respect to feedback energy from other nongravitational sources, we see little evidence for a need of a large contribution to the tSZ from non-gravitational energy sources, including quasars or stars. \f\u2013 5 \u2013 To better understand this discrepancy, we show in right panel of Figure 2 the Compton-y pro\ufb01le in HOD model, when only the quasar-hosting halo contributes to the thermal energy in the map, neglecting the contribution from clustered neighboring halos. We see that the isolated quasar map yields a tSZ signal peaked around y \u223c1.4 \u00d7 10\u22128 (black curve with shaded area) versus y \u223c3.0 \u00d7 10\u22127 as seen in the left panel where all neighboring halos are included. It is hence very clear that the overall Compton-y parameter re\ufb02ects the collective thermal energy contribution of halos clustered around the quasar hosting halos in both CS and HOD models. The collective effect exceeds that of the quasar host halo by more than an order of magnitude. We attribute the suggested need of additional quasar feedback energy in order to account for the observed tSZ effect proposed by Ruan et al. (2015) to the fact that projection effects due to clustered halos are not taken into account in their analysis. In right panel of Figure 2 we also show the mean tSZ signals for quasars at three different redshifts separately. Since in this case no projected structures are included, the results are commensurate with the quasar halo masses in the models that increase with increasing redshift. In the (HOD, CS) model (Cen & Safarzadeh 2015), the lower mass threshold of quasar hosts is [2 \u00d7 1013, (2 \u22125) \u00d7 1012] M\u2299at z = 3.2, [5.8\u00d71012, (2\u22125)\u00d71011] M\u2299at z = 1.4 and [5.7\u00d71012, (1\u22123)\u00d71011] M\u2299at z = 0.5. It is also worth noting that, in the absence of projection effects, the quasar tSZ signal in the CS model is about a factor of 5 (at z = 3.2) to 25 (at z = 0.5) lower than in the HOD model, due to differences in the quasar host halo masses in the two models. It should be made clear that the projection effects are present at all redshifts. In the middle panel of Figure 2 we show the average Compton-y pro\ufb01le per quasar for the CS (solid curves) and HOD (dashed curves) model separately at z = 0.5 (blue), z = 1.4 (green) and z = 3.2 (red), including projection effects. Two trends are seen and fully understandable. First, overall, the tSZ signal per quasar, with projected structures, increases with decreasing redsh\ufb01t, in the range from z = 0.5 to z = 3.2. This is expected due to continued growth of cosmic structure with time. We note that, if we had not removed the most massive clusters in our tSZ maps (to account for the masking-out of massive clusters in Planck maps (Planck Collaboration et al. 2014), the increase with decreasing redshift would be stronger. Second, the ratio of tSZ signal with projection effects to that without projection effects increases strongly with decreasing redshift, due to the combined effect of decreasing quasar host halo mass and increasing clustering around massive halos with decreasing redshift. In the left panel of Figure 2 the observed y-map values are not dust-corrected. The correction amplitude for dust effect with the procedure used by Ruan et al. (2015), by applying the channel weights from the Hill & Spergel (2014) y-map construction to dust-like (modi\ufb01ed blackbody) spectra, depends sensitively on dust temperature assumed. Greco & Hill (2015, private communications) show that for a dust temperature of 34 K used in Ruan et al. (2015), the y-map response is indeed negative over the entire redshift range of the quasar sample, resulting in an increase in total thermal energy in the y-map by about 37%; for lower dust temperatures, the y-map response becomes less negative and could go positive below some temperature for all redshifts; for dust temperature of 20 K, the y-map response is very slightly \f\u2013 6 \u2013 0 5 10 15 20 25 30 QSO\u2013centric distance (arcmin) 2.0 2.2 2.4 2.6 2.8 3.0 3.2 3.4 mean tSZ Compton\u2013y \u00d7 107 smoothed w/ Planck FWHM = 10 arcmin CS QSO Halo Model HOD QSO Halo Model Ruan et al 2015 0 2 4 6 8 10 12 14 QSO\u2013centric distance (arcmin) 0.0 0.5 1.0 1.5 2.0 2.5 3.0 3.5 mean tSZ Compton\u2013y \u00d7 107 CS , z = 0.5 CS , z = 1.4 CS , z = 3.2 HOD , z = 0.5 HOD , z = 1.4 HOD , z = 3.2 0 2 4 6 8 10 12 14 QSO\u2013centric distance (arcmin) 0 1 2 3 4 5 6 mean tSZ Compton\u2013y without projected structure CS, z = 0.5 (y \u00d7 109) CS, z = 1.4 (y \u00d7 109) CS, z = 3.2 (y \u00d7 109) HOD, z = 0.5 (y \u00d7 108) HOD, z = 1.4 (y \u00d7 108) HOD, z = 3.2 (y \u00d7 108) HOD, (y \u00d7 108) Fig. 2.\u2014 Left panel shows the mean Compton-y pro\ufb01le of quasars, including projection effects, for the CS (blue shaded region) and HOD (purple shaded region) model, respectively, for a synthetic sample of quasars with redshift distribution [z = (0.1, 3.0) with median redshift of 1.5] mimicing that of the observed sample used in Ruan et al. (2015). The radial pro\ufb01le of the observed quasars (Ruan et al. 2015) is overplotted as the green shaded region without dust correction. We have normalized the observed radial pro\ufb01le with that of the models at 30 arcmin radius, which corresponds to the \u201cbackground\". Middle panel shows the mean Compton-y pro\ufb01le of a quasar, including projection effects, at three separate redshifts, z = 0.5 (blue curves), z = 1.4 (green curves) and z = 3.2 (red curves), for the CS (solid curves) and HOD (dashed curves) model separately. Right panel is similar to the middle panel, except that only the quasar-hosting halo contributes to the thermal energy in the map, without considering the contribution from other halos due to projection effects. Also shown in black is the mean Compton-y pro\ufb01le in HOD model, without projection effects, with appropriate weightings in accordance with that of the observed sample used in Ruan et al. (2015). negative at z < 1.4 but signi\ufb01cantly positive at z > 1.4, with the net y-map response for the quasar sample slightly positive. With regard to dust temperature, observational evidence is varied but data suggesting lower temperatures are widespread. For example, Schlegel et al. (1998) indicate dust temperature of 17 \u221221 K in our own Galaxy; Kashiwagi & Suto (2015) suggest a dust temperature of 18 K for dust around galaxies from far-infrared image stacking analysis; Greco et al. (2014) suggest an overall dust temperature of 20 K in modeling the cosmic infrared background. Thus, the contribution of dust emission itself to y-map depends signi\ufb01cantly on the dust temperature and the exact temperature of dust is uncertain at best and the actual y-map response is thus uncertain. Even if we take the dust-corrected y-map from Ruan et al. (2015), given our results that the dust-uncorrected y values can be explained soley by gravitational energy of halos hosting QSOs and neighboring ones, the QSO contribution is at most about 1/4 of what is inferred in Ruan et al. (2015). \f\u2013 7 \u2013 4. Testing Competing Quasar Models with Arc-Minute Resolution Thermal Sunyaev-Zeldovich Effect Maps Having validated both the CS and HOD models by the Planck tSZ data on 10 arcmin scales in the previous section, here we propose a test to differentiate between them. Figure 3 shows the stacked tSZ map of quasars with a median redshift of 1.5 smoothed with FWHM=1 arcmin in the CS (left panel) and HOD (right panel) model. The difference between the two model is visually striking: the HOD model, being hosted by much more massive halos than the CS model, displays a much more peaked tSZ pro\ufb01le at the arcmin scales. The reason is that one arcmin corresponds to 516 kpc at z = 1.5, indicating that individual quasar hosting halos of mass \u22651013 M\u2299in the HOD model are no longer signi\ufb01cantly smoothed out by a 1 arcmin beam. The quasar hosting halos in the CS model, on the other hand, have much lower masses than those in the HOD model and hence have much lower tSZ effect at the arcmin scale. At the arcmin scale, projection effects are much reduced compared to the 10 arcmin scale. \u22124 \u22122 0 2 4 arcmin \u22124 \u22122 0 2 4 arcmin CS model mean tSZ Compton\u2013y map 3.2e-07 4.0e-07 4.8e-07 5.6e-07 6.4e-07 7.2e-07 8.0e-07 8.8e-07 9.6e-07 \u22124 \u22122 0 2 4 arcmin \u22124 \u22122 0 2 4 arcmin HOD model mean tSZ Compton\u2013y map 3.2e-07 4.0e-07 4.8e-07 5.6e-07 6.4e-07 7.2e-07 8.0e-07 8.8e-07 9.6e-07 Fig. 3.\u2014 Left panel shows the stacked tSZ map of quasars with a median redshift of 1.5 smoothed with FWHM=1 arcmin in the CS model. Right panel shows the same for HOD model. Figure 4 quanti\ufb01es what is seen in Figure 3 for the two quasar models. We see that, with FWHM=1 arcmin, the central value of y parameter differs by a factor of about two in the two models: (1.0 \u00b1 0.05) \u00d7 10\u22126 in the HOD model versus (0.55 \u00b1 0.03) \u00d7 10\u22126 in the CS model. This is a large difference and can be easily tested. Before quantifying how the two models may be differentiated, it is useful to understand the distribution of contributions from individual y maps to the averaged y map. Figure 5 shows the probability distribution function (PDF) of y parameter of the central region of radius 1 arcmin of 10,000 individual quasar hosting halos (including projection effects) smoothed with FWHM=1 arcmin (red histogram) and smoothed with FWHM=10 arcmin (blue histogram). It is evident \f\u2013 8 \u2013 0 2 4 6 8 10 QSO\u2013centric distance (arcmin) 0.2 0.4 0.6 0.8 1.0 1.2 mean tSZ Compton\u2013y \u00d7 106 smoothed w/ FWHM = 1 arcmin CS QSO Halo Model HOD QSO Halo Model Fig. 4.\u2014 shows the predicted radial Compton-y pro\ufb01le of CS and HOD model smoothed with 1 arcmin FWHM. \u22129.5 \u22129.0 \u22128.5 \u22128.0 \u22127.5 \u22127.0 \u22126.5 \u22126.0 \u22125.5 \u22125.0 log Compton\u2013y parameter 0.0 0.1 0.2 0.3 0.4 0.5 0.6 0.7 0.8 Normalized distribution FWHM = 10 arcmin FWHM = 1 arcmin Fig. 5.\u2014 shows the probability distribution function (PDF) of y parameter of the central region of radius 1 arcmin of 10,000 individual quasar hosting halos (including projection effects) smoothed with FWHM=1 arcmin (red histogram) and smoothed with FWHM=10 arcmin (blue histogram) in the CS model. The vertical lines color indicate the median and inter-quartile of the contribution to the mean y value of similar color histograms. that the distribution of log y in both cases is close to gaussian hence the distribution of y is approximately lognormal. This indicates that the overall contribution to the stacked maps is \f\u2013 9 \u2013 skewed to the high end of the y distribution. We \ufb01nd that 7.8%, 12.1% and 22.5% of high y quasar halos contribute to 25%, 50% and 75% of the overall y value in the case with FWHM= 1 arcmin, 6.3%, 9.6% and 18.4% in the case with FWHM= 10 arcmin. Given the non-gaussian nature, we use bootstrap to estimate errors on the mean y value. We \ufb01nd that the fractional error on the mean, computed by bootstrap sampling from our 10,000 samples, is 3.7% and 3.2% for FWHM=10 arcmin and 1 arcmin cases, respectively. Thus, with a sample of 26, 000 quasars as in Ruan et al. (2015), the fractional error on the mean would be 2% for FWHM=1 arcmin case. Since the fractional difference between the HOD (ycentral = (1.0 \u00b1 0.05) \u00d7 10\u22126) and the CS (ycentral = (0.55 \u00b1 0.03) \u00d7 10\u22126 is 60%, this means that the HOD and CS model can be distinguished at \u223c30\u03c3 level, if statistical uncertainties are the only uncertainties. It is thus likely that the signi\ufb01cance level of differentiating the two models using arcmin scale tSZ effect around quasars will be limited by systematic uncertainties. As stated in \u00a73, there is a possibility that a signi\ufb01cant fraction (\u223c25%) of the observed thermal energy based on y-maps may be due to non-gravitational heating, such as quasar feedback suggested by Ruan et al. (2015). Under the reasonable assumption that the energy from quasar feedback accumulates over time, say via episodic high-energy radio jets, the quasar feedback energy would be proportional to the galaxy stellar mass or approximately the halo mass, given the observed correlation between supermassive black hole mass and the bulge stellar mass or velocity dispersion (e.g., Magorrian et al. 1998; Richstone et al. 1998; Gebhardt et al. 2000; Ferrarese & Merritt 2000; Tremaine et al. 2002). If we further assume that the radial pro\ufb01le of the deposited energy from quasar feedback is the same as that of thermal energy sourced by gravitational energy, it follows then that the central y-value of the (HOD,CS) model would be boosted from [(1.0 \u00b1 0.05) \u00d7 10\u22126, (0.55 \u00b1 0.03) \u00d7 10\u22126] shown in Figure 4 to [(1.4 \u00b1 0.07) \u00d7 10\u22126, (0.77 \u00b1 0.04) \u00d7 10\u22126]. With the inclusion of this systematic uncertainty on quasar feedback energy, the expected central y-value ranges would become [(1.0 \u22121.4) \u00d7 10\u22126, (0.55 \u22120.77) \u00d7 10\u22126], respectively, for the (HOD,CS) model, which remain strongly testable with arcmin resolution tSZ observations. 5."
+ },
+ {
+ "url": "http://arxiv.org/abs/1504.07248v1",
+ "title": "Coevolution Between Supermassive Black Holes and Bulges Is Not Via Internal Feedback Regulation But By Rationed Gas Supply Due To Angular Momentum Distribution",
+ "abstract": "We reason that, without physical fine-tuning, neither the supermassive black\nholes (SMBHs) nor the stellar bulges can self-regulate or inter-regulate by\ndriving away already fallen cold gas to produce the observed correlation\nbetween them. We suggest an alternative scenario where the observed mass ratios\nof the SMBHs to bulges reflect the angular momentum distribution of infallen\ngas such that the mass reaching the stable accretion disc is a small fraction\nof that reaching the bulge region, averaged over the cosmological time scales.\nWe test this scenario using high resolution, large-scale cosmological\nhydrodynamic simulations (without AGN feedback), assuming the angular momentum\ndistribution of gas landing in the bulge region to yield a Mestel disc that is\nsupported by independent simulations resolving the Bondi radii of SMBHs. A mass\nratio of $0.1-0.3\\%$ between the very low angular momentum gas that free-falls\nto the sub-parsec region to accrete to the SMBH and the overall star formation\nrate is found. This ratio is found to increase with increasing redshift to\nwithin a factor of $\\sim 2$, suggesting that the SMBH to bulge ratio is nearly\nredshift independent, with a modest increase with redshift, a testable\nprediction. Furthermore, the duty cycle of active galactic nuclei (AGN) with\nhigh Eddington ratios is expected to increase significantly with redshift.\nFinally, while SMBHs and bulges are found to coevolve on $\\sim 30-150$Myr time\nscales or longer, there is indication that, on shorer time scales, the SMBH\naccretion rate and star formation may be less correlated.",
+ "authors": "Renyue Cen",
+ "published": "2015-04-27",
+ "updated": "2015-04-27",
+ "primary_cat": "astro-ph.GA",
+ "cats": [
+ "astro-ph.GA"
+ ],
+ "main_content": "Introduction There is mounting evidence that massive bulges in the nearby universe harbor central SMBHs of mass 106 \u2212109 M\u2299. The correlation between SMBH mass ( MBH) and the bulge (BG) mass ( MBG) or velocity dispersion (\u03c3) (e.g., Magorrian et al. 1998; Richstone et al. 1998; Gebhardt et al. 2000; Ferrarese & Merritt 2000; Tremaine et al. 2002) suggests coevolution. Although alternative models for producing this observed relation are available (e.g., Ostriker 2000; Adams et al. 2001; Colgate et al. 2003; Cen 2007), the correlation is often construed as 1Princeton University Observatory, Princeton, NJ 08544; cen@astro.princeton.edu arXiv:1504.07248v1 [astro-ph.GA] 27 Apr 2015 \f\u2013 2 \u2013 evidence for AGN feedback to regulate the growth of SMBHs and bulges. The idea that AGN feedback may alleviate problems in galaxy formation models (e.g., Kauffmann & Haehnelt 2000; Croton et al. 2006; Somerville et al. 2008) further enhances its appeal. The threedimensional hydrodynamic simulations successfully reproduced the observed MBH/ MBG ratio (e.g., Di Matteo et al. 2005; Hopkins et al. 2006), providing the physical basis for this scenario. This Letter has two goals. First, we make a qualitative examination of the implications of the observed relation between bulges and the central massive objects (CMOs), wherein the two follow a linear relation over four decades in mass. It is shown that neither the SMBHs nor the nuclear star clusters (NSCs) nor the stellar bulges could have played a dominant role in regulating the growth of any of the three components in the way of blowing away a signi\ufb01cant fraction of gas already landed in the respective regions so as to produce the CMO-bulge relation. Second, an alternative model is put forth wherein the correlation between SMBH mass and bulge mass is dictated by the angular momentum distribution of the infalling gas. We successfully test this new scenario using ab initio Large-scale Adaptive-mesh-re\ufb01nement Omniscient Zoom-In (LAOZI) cosmological hydrodynamic simulations. 2. Arguments Against Internal Regulation of the Central Components With the ACS Virgo Cluster Survey of early-type galaxies spanning four decades in mass, C\u00f4t\u00e9 et al. (2006) and Ferrarese et al. (2006) \ufb01nd a transition at MB,0 = \u221220.5, where the brighter galaxies lack resolved stellar nuclei and SMBHs dominate the CMO mass, while fainter ones have resolved stellar nuclei that dominate the CMO mass. Furthermore, the logarithm of the mean nucleus-to-galaxy luminosity ratio in fainter, nucleated galaxies, \u22122.49 \u00b1 \u22120.09 (\u03c3 = 0.59 \u00b1 \u22120.10) is indistinguishable from that of the SMBH-to-bulge mass ratio, \u22122.61 \u00b1 \u22120.07 (\u03c3 = 0.45 \u00b1 \u22120.09). A similar result is found by Wehner & Harris (2006) using a different data set. Turner et al. (2012) \ufb01nd an identical relation using early-type galaxies in the ACS Fornax Cluster Survey. We express the universal scaling relation between CMOs and bulges as MCMO = MBH + MNSC = \u03b1 MBG, (1) whereby with the transition between NSC and SMBH occurs at MB \u223c\u221220.5 or stellar mass MBG0 = (3\u22124)\u00d71010 M\u2299, and \u03b1 = 2.5\u00d710\u22123 (C\u00f4t\u00e9 et al. 2006; Ferrarese et al. 2006; Wehner & Harris 2006; Turner et al. 2012). One may express regulation of the growth of bulges as eBH MBH + eNSC MNSC + eBG MBG = f\u03c3\u03b2 MBG, (2) where eBH, eNSC and eBG are the feedback strength coef\ufb01cients per unit mass of the respective components exerted on the stellar bulge and the ejected gas mass is equal to fMBG; \u03c3 is the velocity dispersion of the stellar bulge; \u03b2 is a parameter that absorbs uncertainties regarding the dynamics of concerned feedback processes, with \u03b2 = 2 for energy-conserving feedback (eBH, eNSC and eBG have units of energy per unit mass) and \u03b2 = 1 for momentum-conserving \f\u2013 3 \u2013 feedback (eBH, eNSC and eBG have units of momentum per unit mass). Note that a signi\ufb01cant feedback regulation means f \u226b1. Insights can be gained by asking the following question: Can the feedback from SMBH and NSCs conspire to regulate the growth of the stellar bulge, i.e., eBH MBH + eNSC MNSC = f\u03c3\u03b2 MBG? (3) The single powerlaw relation between MCMO and MBG across four decades in bulge mass can be understood, only if the negative feedback per unit stellar mass of the NSC and of the SMBH are approximately the same, eBH \u2248eNSC, barring the unknown physical reason for the right hand side of Eq (3) the required amount of notional feedback to regulate the bulge growth to change character abruptly at MBG = MBG0. Although having eBH \u2248eNSC may be possible, it would render a negative answer to the question above (Eq 3), as follows. In the momentum driven regime, since the feedback from the nuclear cluster is subject to higher densities and shorter cooling timescales hence diminished strength in comparison to that in the stellar bulge, i.e., eBG > eNSC. In the energy driven feedback scenario, eBG = eNSC. Since MNSC \u226aMBG, the supernova feedback from stars in the bulge would vastly exceed that from the NSC. This thus invalidates the statement that the NSC and SMBH provide the necessary feedback to regulate the growth of the bulge. The only scenario left for the SMBH to regulate the bulge growth is to force eNSC = 0 and assume the feedback per unit SMBH mass, while constant at MBG > MBG0, to become negligible at about MBG = MBG0. In both the momentum (\u03b2 = 1, Ostriker et al. 2010) and energy feedback scenario (\u03b2 = 2, Faucher-Gigu\u00e8re & Quataert 2012), the amount of momentum or energy per unit SMBH mass, eBH, is ultimately proportional to the driving energy (\u221dMBHc2, where c is speed of light). Thus, there exists no known process to suddenly make eBH drop to zero at some speci\ufb01c MBH, while being constant otherwise. If negative feedback is needed to internally regulate the bulge, the only alternative left is stellar feedback from bulge stars themselves, i.e., eBG = f\u03c3\u03b2. (4) Under the assumption that the feedback strength from stars per unit mass (eBG) is constant, one obtains f \u221d\u03c3\u2212\u03b2, which has the same dependence on \u03c3 as the predicted mass loading factors for both momentum (\u03b2 = 1) or energy (\u03b2 = 2) driven winds (e.g., Murray et al. 2005). Therefore, bulge self-regulation, if required, would be physically supportable and selfconsistent. If bulge is self-regulated, then, under the assumption that eNSC = eBG, NSC may also be self-regulated. The correlation between MMCO and MBG would then require that the mass loading factor for the SMBH is the same as for the NSC, i.e., eBH = eNSC, which is a \ufb01ne-tuned outcome. In the absence of inter-regulation between CMOs and bulges, the proportions of the amount of gas feeding the nuclear and bulge regions must be proportional to the observed MCMO/ MBG ratio. \f\u2013 4 \u2013 3. An Alternative Scenario: Rationed Cold Gas Supply to Nuclear and Bulge Regions Over Cosmological Time Scales Our arguments in the previous section indicate that the observed MCMOMBG correlation requires the same proportionality in the initial amounts of gas feeding the respective regions, averaged over the cosmological time scales. We test this scenario using direct cosmological simulations. 3.1. Simulation Characteristics See Cen (2014) for a more detailed description of the ab initio LAOZI simulations. Brie\ufb02y, we use the WMAP7-normalized (Komatsu et al. 2011) \u039bCDM model: \u2126M = 0.28, \u2126b = 0.046, \u2126\u039b = 0.72, \u03c38 = 0.82, H0 = 100h km s\u22121Mpc\u22121 = 70 km s\u22121Mpc\u22121 and n = 0.96. A zoom-in box of size 21 \u00d7 24 \u00d7 20h\u22123Mpc3 comoving is embedded in a 120 h\u22121Mpc periodic box. The maximum resolution is better than 111h\u22121pc (physical) at all times. Star formation follows the prescription of Cen & Ostriker (1992). Supernova feedback from star formation is modeled following Cen et al. (2005) with feedback energy being distributed into 27 local gas cells weighted by the speci\ufb01c volume of each cell, to mimic the process of supernova blastwave propagation to channel more energy into the less dense regions. We exclude AGN feedback in order to ascertain the lack of need for it. 3.2. Construction of Gas Feeding Histories of Simulated Galaxies Galaxies are identi\ufb01ed using the HOP algorithm (Eisenstein & Hut 1998) grouping stellar particles. Galaxy catalogs are constructed from z = 0.62 to z = 1.40 with an increment of \u2206z = 0.02 and from z = 1.40 to z = 6 with \u2206z = 0.05, having a temporal resolution of 30\u2212150Myr. For each galaxy at z = 0.62 a genealogical line is constructed up to z = 6, where the parent of each galaxy is identi\ufb01ed with the one at the next higher redshift with the most overlap in stellar mass. At each redshift, we compute the amount (Mc) and mean speci\ufb01c angular momentum (Jc) of gas in the central 1kpc region. To proceed, an ansatz is made: the gas mass with angular momentum lower than Jn is Mc(\u03b2Jn/(1 + \u03b2)Jc)\u03b2. We use \u03b2 = 1, which corresponds to a Mestel (1963) disc of surface density \u03a3(r) \u221dr\u22121. \u03b2 = 1 is motivated by simulations of Hopkins & Quataert (2010, 2011) with resolution as high as 0.1pc. Figure 12 of Hopkins & Quataert (2010) shows that the evolved density runs of the gas discs, on average, follow the \u03a3(r) \u221dr\u22121 pro\ufb01le from 0.1pc to 1kpc. In all of the six individual cases with signi\ufb01cant gas in\ufb02ow, shown in Figures (2, 3) of Hopkins & Quataert (2011), the \u03a3(r) \u221dr\u22121 pro\ufb01le provides an excellent \ufb01t. We compute the 1-d stellar velocity dispersion \u03c3 within the effective radius for each galaxy in the simulation at any redshift and assume an SMBH of \f\u2013 5 \u2013 mass equal to MBH = 108 M\u2299(\u03c3/200 km/s)4 (Tremaine et al. 2002). The Bondi radius is rB = 2G MBH/3\u03c32 = 7.2pc(\u03c3/200 km/s)2, (5) and the speci\ufb01c angular momentum at rB is JB = \u221a 2rB\u03c3. (6) The gas landing within r0 is assumed to accrete to the SMBH, where at r > r0 the disc has Toomre Q parameter below unity and is hence consumed by star formation. Expressing various parameters by their \ufb01ducial values, we have r0 = 0.42(\u03b1/0.1)2/5(lE/0.1)\u22122/5( MBH/108 M\u2299)3/25(Ma/0.1)14/25(\u03ba/\u03bae)4/25 pc (7) (Eq 42, Goodman 2003), where \u03b1 is radiative ef\ufb01ciency, lE luminosity in Eddington units, Ma Mach number of the viscous disc at r0, and \u03ba and \u03bae opacity and electron-scattering opacity, respectively. Hence the feeding rate to the accretion disc that eventually accretes to the SMBH is \u02d9 Mfeed = Mc((r0/rB)1/2JB/Jc)t\u22121 dyn, (8) where the angular momentum at r0 is J0 = (r0/rB)1/2JB for a Keplerian disc and tdyn = 1kpc/ \u221a 3\u03c3 is the free-fall time at 1kpc. For our analysis, we use r0 = 0.42( MBH/108 M\u2299)3/25 pc, (9) bearing in mind that uncertainties are at least on the order of unity. To see how uncertainty in \u03b2 affects results, we note, a 25% deviation in \u03b2 from unity causes \u02d9 Mfeed in Eq (8) to change by a factor of 2.7, which can be compensated by adjusting each of the parameters in Eq (7) except MBH by a factor of 2.5 appropriately. 3.3. Results We de\ufb01ne a ratio R \u2261500 \u02d9 Mfeed/SFR (SFR is the star formation rate) such that, if R is about unity, the observed SMBH to bulge mass ratio of \u223c0.2% (e.g., Marconi & Hunt 2003; H\u00e4ring & Rix 2004) would be borne out. Transformation from stellar disc(s) to a bulge is not addressed here. It is noted, however, that stellar discs formed from multiple gas in\ufb02ows of inclined angles over the lifetime of a galaxy may be conducive to bulge formation. Note that SFR is computed directly during the simulation, whereas the SMBH accretion rate is computed in post-processing by evaluating Eq (8). Figure 1 shows histories of \u02d9 Mfeed (blue) and R (red) for four random example galaxies. The most noticeable feature is that, without any intentional tuning, R hovers close to unity with \ufb02uctuations of order unity. Figure 2 shows R as a function of redshift. We see that R increases with increasing redshift from \u223c0.7 at z = 0.6 \u22121 to \u223c1.5 at z = 3 \u22124 for galaxies with 1010.5\u221211 M\u2299(green), \f\u2013 6 \u2013 0.5 1 2 3 4 5 -4 -3 -2 -1 0 1 log M*=11.96 0.5 1 2 3 4 5 -4 -3 -2 -1 0 1 log M*=11.46 z 0.5 1 2 3 4 5 log \u02d9 Mfeed(M\u2299/yr)(blue) & log 500 \u02d9 Mfeed/SFR (red) -4 -3 -2 -1 0 1 log M*=11.18 z 0.5 1 2 3 4 5 -4 -3 -2 -1 0 1 log M*=10.8 Fig. 1.\u2014 shows histories of the feeding rate \u02d9 Mfeed (blue) and R \u2261500 \u02d9 Mfeed/SFR (red) for four random galaxies. The logarithm of the stellar mass for each galaxy at z = 0.62 is indicated at the top of each panel. with similar trends for other mass ranges. We highlight three implications. First, the observed SMBH to bulge ratio is readily achievable in a cosmological setting, with a slight tendency for more massive galaxies to have higher R. This is due to the rationing of gas supply to the central regions of galaxies: a small amount of gas of the lowest angular momentum feeds the SMBH accretion disc, while the rest builds up the stellar bulge, with the demarcation line determined by the accretion disc stability condition. Note that our analysis is solely based on the angular momentum distribution of gas that has already landed in the central 1kpc region. The frequency of gas in\ufb02ow events into the central regions and the mass distribution of events are computed directly in our simulations. Second, R increases with increasing redshift, to within a factor of \u223c2. The trend with redshift is expected in a cosmological context, because both the frequency and strength of galaxy interactions increase with increasing redshift, yielding overall in\ufb02ow gas of lower angular momentum hence a larger R at high redshift. Third, the smoothness of R on cosmological time scales (\u2265100Myr) suggests that the dispersion of R is modest, around order unity, at all redshifts, consistent with the dispersion of the observed \f\u2013 7 \u2013 redshift 1 2 3 500 \u02d9 MBH/SFR 0.4 0.6 0.8 1 1.2 1.4 1.6 1.8 2 2.2 log M*=10.5-11 log M*=10-10.5 log M*= 9.5-10 Fig. 2.\u2014 shows the median of R as a function of redshift, separately for three stellar mass ranges 109.5\u221210 M\u2299(red), 1010\u221210.5 M\u2299(blue) and 1010.5\u221211 M\u2299(green). The stellar mass is measured at the redshift in question. The vertical errorbars indicate the interquartile range, whereas the horizontal errorbars represent the redshift range of the bin. The red and blue points are horizontally slightly right-shifted for clarity of display. There are (659, 2214) galaxies with stellar mass in the range 1010.5\u221211 M\u2299for z = (3 \u22124, 0.62 \u22121), respectively. correlation locally (note that the comparison is made between computed \u02d9 Mfeed/SFR and observed MBH/ MBG). Future observations at high redshift may be able to test these predictions. Although R is relatively smooth over cosmological time scales, the gas in\ufb02ow rate varies up to an order of magnitude (Figure 1). The \ufb02uctuations in the in\ufb02ow rate are caused by a variety of physical processes, including interactions between galaxies in close proximity, minor mergers and occasional major mergers. We have not studied in suf\ufb01cient detail to ascertain whether secular processes play any major role. Is SMBH accretion rate directly dictated by the feeding rate from galactic scales? Figure 3 shows the probability distribution of feeding rate in units of Eddington rate as a function of Eddington ratio. The Eddington ratio is based on the assumed MBH from the observed MBH \u2212\u03c3 relation. At z \u223c0.6 where comparisons with observations may be made, the com\f\u2013 8 \u2013 log \u03f5E -3 -2 -1 0 log dP/dlog \u03f5E -4 -3 -2 -1 0 M\u2217= 1010.5\u221211M\u2299 z=0.6-1 z=1-2 z=2-3 z=3-4 obs at z~0.6: Aird+12 Fig. 3.\u2014 shows the probability distribution of feeding rate in units of Eddington rate per logarithmic Eddington ratio interval, as a function of Eddington ratio, in four redshift ranges, z = 0.62 \u22121 (solid red), z = 1 \u22122 (dotted blue), z = 2 \u22123 (dashed green), and z = 3 \u22124 (dot-dashed black) for galaxies in the stellar mass range of 1010.5\u221211 M\u2299(other stellar mass ranges have similar properties). Also show as solid dots is the observed powerlaw distribution with a slope of \u223c\u22120.6 at z \u223c0.6 from Aird et al. (2012). The slope of the solid red curve is \u22123.3 measured for the log eE range from \u22122.3 to \u22121.6 indicated by the red dashed line. puted distribution is steeper, computed slope \u22123.3 versus \u22120.60 observed. This indicates that accretion onto the SMBHs is \u201c\ufb01ltered\" through physical processes operating on the accretion disc. This suggests that temporal correlation between AGN and star formation activities in individual galaxies below 30 \u2212150Myr is expected to be weak, in excellent agreement with observations (e.g., Hickox et al. 2014). A comparison between the distribution of the feeding rate to the accretion disc (red curve) and that of the observed Eddington ratio (black dots) suggests that at z \u223c0.6 accretion discs around SMBHs spend most of the time accumulating gas, at feeding rate below 1% Eddington ratio and that the apparent powerlaw distribution of Eddington ratio may be a result of superposition of AGN internal light pro\ufb01les that are universal in shape (i.e., slope of \u223c\u22120.6). We see that the computed feeding rate distribution shifts to \f\u2013 9 \u2013 the right \u223c0.5 dex per unit redshift, indicating that the duty cycle of luminous AGNs increases with redshift. 4."
+ },
+ {
+ "url": "http://arxiv.org/abs/1502.04026v1",
+ "title": "Quantifying Distributions of Lyman Continuum Escape Fraction",
+ "abstract": "Simulations have indicated that most of the escaped Lyman continuum photons\nescape through a minority of solid angles with near complete transparency, with\nthe remaining majority of the solid angles largely opaque, resulting in a very\nbroad and skewed probability distribution function (PDF) of the escape fraction\nwhen viewed at different angles. Thus, the escape fraction of Lyman continuum\nphotons of a galaxy observed along a line of sight merely represents the\nproperties of the interstellar medium along that line of sight, which may be an\nill-representation of true escape fraction of the galaxy averaged over its full\nsky. Here we study how Lyman continuum photons escape from galaxies at $z=4-6$,\nutilizing high-resolution large-scale cosmological radiation-hydrodynamic\nsimulations. We compute the PDF of the mean escape fraction ($\\left$) averaged over mock observational samples, as a function of the\nsample size, compared to the true mean (had you an infinite sample size). We\nfind that, when the sample size is small, the apparent mean skews to the low\nend. For example, for a true mean of 6.7%, an observational sample of (2,10,50)\ngalaxies at $z=4$ would have have 2.5% probability of obtaining the sample mean\nlower than $\\left=$(0.007%, 1.8%, 4.1%) and 2.5%\nprobability of obtaining the sample mean being greater than (43%, 18%, 11%).\nOur simulations suggest that at least $\\sim$ 100 galaxies should be stacked in\norder to constrain the true escape fraction within 20% uncertainty.",
+ "authors": "Renyue Cen, Taysun Kimm",
+ "published": "2015-02-13",
+ "updated": "2015-02-13",
+ "primary_cat": "astro-ph.GA",
+ "cats": [
+ "astro-ph.GA"
+ ],
+ "main_content": "Introduction A fraction of the Lyman continuum (LyC) photons generated by young massive stars is believed to escape from the host galaxies to enter the intergalactic space. This is a fundamental quantity to determine the epoch and pace of cosmological reionization, provided that the universe is reionized by stars (e.g., Gnedin 2000; Cen 2003). After the completion of cosmological reionization, it plays another important role in determining the ultra-violet (UV) radiation background (on both sides of the Lyman limit) in conjunction with another major source of UV photons quasars that progressively gains importance at lower redshift (e.g., Faucher-Gigu` ere et al. 2008; Fontanot et al. 2014). Observations of star-forming galaxies at high redshifts (z \u223c3) suggest a wide range of the escape fraction of ionizing photons. While only a small fraction of LyC photons (\u2272a few percent) escapes from their host galaxies in the majority of the Lyman break galaxy samples, a non-negligible 1Princeton University Observatory, Princeton, NJ 08544; cen@astro.princeton.edu 2Princeton University Observatory, Princeton, NJ 08544; kimm@astro.princeton.edu arXiv:1502.04026v1 [astro-ph.GA] 13 Feb 2015 \f\u2013 2 \u2013 number of them (\u223c10%) shows high levels of LyC \ufb02ux corresponding to \u27e8fesc,1D\u27e9\u223c10% (Shapley et al. 2006; Iwata et al. 2009; Nestor et al. 2011, 2013; Mostardi et al. 2013). Cooke et al. (2014) claim that the mean escape fraction may be even higher (\u27e8fesc, 1D\u27e9\u223c16%) if the observational sample is not biased toward the galaxies with a strong Lyman limit break. It is not well understood quantitatively, however, what the probability distribution function (PDF) of the LyC escape fraction is and how a limited observational sample size with individually measured escape fractions can be properly interpreted, because of both possible large variations of the escape fraction from sightline to sightline for a given galaxy and possible large variations from galaxy to galaxy. The purpose of this Letter is to quantify how LyC photons escape, in order to provide a useful framework for interpreting and understanding the true photon escape fraction given limited observational sample sizes. 2. Simulations To investigate how LyC photons escape from their host halos, we make use of the cosmological radiation hydrodynamic simulation performed using the Eulerian adaptive mesh re\ufb01nement code, ramses (Teyssier 2002; Rosdahl et al. 2013, ver. 3.07). The reader is referred to Kimm & Cen (2014, , the FRU run) for details, where a detailed prescription for a new, greatly improved treatment of stellar feedback in the form of supernova explosion is given. Speci\ufb01cally, the new feedback model follows the dynamics of the explosion blast waves that capture the solution for all phases (from early free expansion to late snowplow), independent of simulation resolution and allow for anisotropic propagation. The initial condition for the simulation is generated using the MUSIC software (Hahn & Abel 2011), with the WMAP7 parameters (Komatsu et al. 2011): (\u2126m, \u2126\u039b, \u2126b, h, \u03c38, ns = 0.272, 0.728, 0.045, 0.702, 0.82, 0.96). We adopt a large volume of (25Mpc/h)3 (comoving) to include the e\ufb00ect of large-scale tidal \ufb01elds on the galaxy assembly. The entire box is covered with 2563 root grids, and high-resolution dark matter particles of mass Mdm = 1.6 \u00d7 105 M\u2299are employed in the zoomed-in region of 3.8 \u00d7 4.8 \u00d7 9.6 Mpc3. We allow for 12 more levels of grid re\ufb01nement based on the density and mass enclosed within a cell in the zoomed-in region to have a maximum spatial resolution of 4.2 pc (physical). Star formation is modeled by creating normal and runaway particles in a dense cell (nH \u2265100 cm\u22123) with the convergent \ufb02ow condition (Kimm & Cen 2014, the FRU run). The minimum mass of a normal (runaway) star particle is 34.2 M\u2299(14.6 M\u2299). We use the mean frequency of Type II supernova explosions of 0.02 M\u2299 \u22121, assuming the Chabrier initial mass function. Dark matter halos are identi\ufb01ed using the HaloMaker (Tweed et al. 2009). Eight consecutive snapshots are analyzed at each redshift (3.96 \u2264z \u22644.00, 4.92 \u2264z \u22645.12, and 5.91 \u2264z \u22646.00) to increase the sample size in our calculations. At each snapshot there are \u2248 142, 137, and 104 halos in the halo mass range of 109 \u2264Mvir < 1010 M\u2299, and 15, 10, and 7 halos with mass Mvir \u22651010 M\u2299. The most massive galaxy at z = 4 (5, 6) has stellar mass of 1.6\u00d7109 M\u2299 (6.0 \u00d7 108, 2.5 \u00d7 107 M\u2299), and host halo mass 8.8 \u00d7 1010 M\u2299(5.2 \u00d7 1010, 4.1 \u00d7 1011 M\u2299) The escape fraction is computed as follows. We cast 768 rays per star particle and follow their \f\u2013 3 \u2013 propagation through the galaxy. Each ray carries the spectral energy distribution (SED), including its LyC emission, determined using Sturburst99 (Leitherer et al. 1999), given the age, metallicity, and mass of the star particle. The LyC photons are attenuated by neutral hydrogen (Osterbrock & Ferland 2006) and SMC-type dust (Draine et al. 2007) in the process of propagation. For a conservative estimate, we assume the dust-to-metal ratio of 0.4. We also simply assume that dust is destroyed in hot gas (T > 106 K). We note that attenuation due to dust is only signi\ufb01cant in the most massive galaxy (Mstar = 1.1 \u00d7 109 M\u2299, \u03c4d = 0.58) in our sample. The second most massive galaxy (Mstar = 3.6 \u00d7 108 M\u2299) shows \u03c4d = 0.29, meaning that it reduces the number of photons by only < 30%. Given that the dust-to-metal ratio is even smaller than 0.4 in low-metallicity systems (Lisenfeld & Ferrara 1998; Engelbracht et al. 2008; Galametz et al. 2011; Fisher et al. 2013), it is likely that the attenuation by dust is even less signi\ufb01cant in our simulated galaxies. We de\ufb01ne the true escape fraction of the galaxy as the ratio of the sum of all outward \ufb02uxes at the virial sphere to the sum of the initially emitted \ufb02uxes of all stellar particles in the galaxy; we shall call this fesc,3D. In addition, an observer at in\ufb01nity at a random point in the sky of the galaxy collects all LyC \ufb02uxes and de\ufb01nes the escape fraction along that particular line of sight; this is called fesc,1D. 3. Probability Distribution Functions of LyC Photon Escape Fraction It is useful to give a qualitative visual illustration of how LyC photons may escape from galaxies at z = 4. Figure 1 shows three examples of an all-sky map the sky an observer sitting at the center of the galaxy would see of the neutral hydrogen column density. We note that 8 dex of dynamical range is plotted and recall that at the Lyman limit a neutral hydrogen column density of \u223c1017cm\u22122 would provide an optical depth of \u223c1. As a result, LyC photons can only escape through highly ionized or evacuated \u201choles\u201d indicated by dark blue colors on the maps and the transition from near transparency to very opaque is fast. This indicates that the escaping LyC photons are dominated by those that escape through completely unobscured channels and the amount of escaped LyC photons for a given galaxy depends strongly on the direction. Moreover, it is evident that, in addition to large variations from position to position on the sky for a given galaxy, there are large variations of the overall column density structures from galaxy to galaxy. For example, the galaxy in the top-left panel shows no transparent sky patches at all, which is typical for galaxies during times of intense starburst as shown in Kimm & Cen (Figure 4 2014). On the other hand, the galaxy in the bottom panel has large swaths of connected transparent patches that cover nearly one half of the sky, typical for galaxies at periods following the blowout of gas subsequent to intense starburst (Figure 4 Kimm & Cen 2014). This qualitative behavior is also found earlier in independent simulations by Wise & Cen (2009). Let us now turn to more quantitative results. Figure 2 shows the probability distribution of the apparent escape fraction for massive halos (top) and less massive halos (bottom) at z = 4 (left column) and z = 6 (right column). Black histograms show the distribution of the true (3D) escape fraction of each sample (i.e., from the viewpoint of the overall intergalactic medium), while red histograms show the PDF of the apparent escape fraction (i.e., from the point of view of observers placed at a far distance). Note that the distribution of the true escape fraction is noisier than that of \f\u2013 4 \u2013 16.0 24.0 log NHI 16.0 24.0 log NHI 16.0 24.0 log NHI Fig. 1.\u2014 shows three examples of all-sky maps the sky an observer sitting at the center of the galaxy would see of the neutral hydrogen for most massive (Mvir = 7.8 \u00d7 1010 M\u2299, top left panel), second massive (6.1 \u00d7 1010 M\u2299, top right panel), and a smaller halo (1.8 \u00d7 109 M\u2299, bottom). The observer is placed at the center of the halo. Note that the actual escape fraction presented later is computed by ray-tracing LyC photons of all stellar particles spatially distributed through the clumpy interstellar medium until escaping through the virial sphere. The true escape fraction of LyC photons of these halos are 5.4%, 12%, and 5.0%, respectively. the apparent escape fraction due to the smaller sample size for the former, because for (3D) escape fraction each galaxy is counted once but for the apparent escape fraction each galaxy is sampled many times. In terms of the mean escape fraction, there is a trend that, at a given redshift, the galaxies embedded in more massive halos tend to have a lower mean escape fraction. There is also a weak trend that the escape fraction increases with redshift. For example, the true (3D) median escape fractions are (7.0%, 9.5%) for the halos of masses (\u22651010, 109 \u22121010) M\u2299, respectively, at z = 4; the true (3D) median escape fractions are (8.8%, 29%) for the halos of masses (\u22651010, 109 \u22121010) M\u2299, respectively, at z = 6. Upon a close examination we suggest that the redshift dependence can be attributed, in part, to the following \ufb01ndings. At a given halo mass, the speci\ufb01c star formation rate decreases with decreasing redshifts at 4 \u2264z \u22646. As star formation becomes less episodic at lower redshifts, it takes longer to blow out the star-forming clouds via SNe. Consequently, a larger fraction of LyC photons is absorbed by their birth clouds. We also \ufb01nd that the speci\ufb01c star formation rate does not change notably at z > 6 while the mean density \f\u2013 5 \u2013 -6 -5 -4 -3 -2 -1 0 -2 -1 0 1 log PDF med=0.070 med=0.039 z~4 Mvir*1010Msun (N=123) -6 -5 -4 -3 -2 -1 0 log fesc,1D -2 -1 0 1 log PDF med=0.095 med=0.059 109med=0.088 med=0.068 z~6 Mvir*1010Msun (N=23) -6 -5 -4 -3 -2 -1 0 log fesc,1D -2 -1 0 1 log PDF med=0.286 med=0.204 109med=0.065 med=0.051 0.3)SFR<10 (N=99) z~4 -6 -5 -4 -3 -2 -1 0 -2 -1 0 1 log PDF med=0.042 med=0.030 0.01)SFR<0.3 (N=296) -6 -5 -4 -3 -2 -1 0 -2 -1 0 1 log PDF med=0.146 med=0.068 SFR<0.01 (N=784) log fesc,1D -6 -5 -4 -3 -2 -1 0 -2 -1 0 1 log PDF med=0.088 med=0.059 0.3)SFR<10 (N=17) z~6 -6 -5 -4 -3 -2 -1 0 -2 -1 0 1 log PDF med=0.089 med=0.059 0.01)SFR<0.3 (N=91) -6 -5 -4 -3 -2 -1 0 -2 -1 0 1 log PDF med=0.364 med=0.269 SFR<0.01 (N=359) log fesc,1D Fig. 3.\u2014 is similar to Figure 2, except the galaxy sample is subdivided according to their star formation rates, SFR=0.3 to 10 M\u2299/yr (top panel), 0.01 to 0.3 M\u2299/yr (middle panel), and < 0.01 M\u2299/yr (bottom panel). Evidently, the distribution of the apparent LyC escape fraction is very broad and skewed toward the lower end. The reason for this behavior is understandable. In the case of the galaxies with low fesc,3d values, the LyC photons escape normally through transparent holes with small solid angles. Since not all of these holes are seen to an observer, the distribution of fesc,1d for individual galaxies tends to get skewed toward the lower end of the distribution. As a result, the medians of the two distributions, shown as arrows in Figure 2, are about a factor of \u223c2 smaller than the mean. More importantly, it suggests that an observational sample of limited size may underestimate the true mean escape fraction. The top two panels of Figure 4 show the probability distribution function of the apparent mean for a given observational sample size Nstack for the high mass (top) and low mass (bottom) sample, respectively. We compute the apparent mean of a sample of galaxies using LyC photon (or SFR)-weighted mean escape fraction, which is exactly equivalent to stacking the galaxies. The bottom two panels of Figure 4 are similar to top two panels in Figure 4, for the subsamples with di\ufb00erent star formation rates. What we see in these \ufb01gures is that the probability distribution is rather broad. It is thus clear that it is not a robust exercise to try to infer the mean escape fraction based on a small sample (\u226410) of galaxies, whether individually measured or through stacking. Table 1 provides a quantitative assessment of the uncertainties, which shows the 1 and 2\u03c3 \f\u2013 7 \u2013 probability intervals of fractional lower and upper deviations from the true mean escape fraction. Some relatively mild trends are seen that are consistent with earlier observations of the \ufb01gures. Speci\ufb01cally, the convergence to the true mean escape fraction in terms of sample sizes is faster towards high redshift, towards higher halo mass, and towards higher star formation rates. Let us take a few numerical examples. We see that with a sample of 50 galaxies of halo mass in the range of (1010 \u22121011) M\u2299at z = 4 the 2\u03c3 fractional range of the escape fraction is 58% to 159%, which improves to a range of 68% to 140% when a sample of 100 galaxies is used. Note that the observations of Mostardi et al. (2013) have 49 Lyman break galaxies and 91 Lyman alpha emitters at z \u223c2.85. At z = 6 for the (1010 \u22121011) M\u2299halo mass range, we see that with a sample of 20 galaxies, the 2\u03c3 fractional range of the escape fraction is 59% to 161%, comparable to that of a sample of 50 galaxies at z = 4, as a result of bene\ufb01ting from the faster convergence at higher redshift. On the other hand, at z = 5 for the (0.3 \u221210) M\u2299yr\u22121 star formation rate range, the 2\u03c3 fractional range of the escape fraction is 56% to 163% with a sample of 20 galaxies, which is improved to 71% to 137% with a sample of 50 galaxies. Finally, we note that the actual observed Lyman continuum escape fraction has additionally su\ufb00ered from possible absorbers in the intergalactic medium, primarily Lyman limit systems. Since the background galaxy and the foreground absorbers are physically unrelated, we may consider the e\ufb00ects from the internal factors in galaxies and those from the intergalactic medium completely independent. Thus, in this case, assuming no knowledge of the foreground absorbers, the overall distribution would be the convolution of the two, resulting a still broader overall distribution than derived above considering internal factors alone. In reality, however, one may be able to remove, to a large degree, the Lyman continuum opacity due to intergalactic absorbers by making use of a tight correlation between Ly\u03b1 and LyC absorption (Inoue & Kamaya 2008). \f\u2013 8 \u2013 -4 -3 -2 -1 0 0.0 0.2 0.4 0.6 0.8 1.0 Nstack=1 Nstack=2 Nstack=5 Nstack=10 Nstack=20 Nstack=50 Nstack=100 Nstack=1000 =0.067 1010)Mvir<1011MO \u2022 -4 -3 -2 -1 0 log 0.0 0.2 0.4 0.6 0.8 1.0 =0.11 109)Mvir<1010MO \u2022 cumulatative PDF z~4 -4 -3 -2 -1 0 0.0 0.2 0.4 0.6 0.8 1.0 Nstack=1 Nstack=2 Nstack=5 Nstack=10 Nstack=20 Nstack=50 Nstack=100 Nstack=1000 =0.069 1010)Mvir<1011MO \u2022 -4 -3 -2 -1 0 log 0.0 0.2 0.4 0.6 0.8 1.0 =0.075 109)Mvir<1010MO \u2022 cumulatative PDF z~6 -4 -3 -2 -1 0 0.0 0.2 0.4 0.6 0.8 1.0 Nstack=1 Nstack=2 Nstack=5 Nstack=10 Nstack=20 Nstack=50 Nstack=100 Nstack=1000 =0.078 0.3)SFR<10 -4 -3 -2 -1 0 0.0 0.2 0.4 0.6 0.8 1.0 =0.090 0.01)SFR<0.3 -4 -3 -2 -1 0 0.0 0.2 0.4 0.6 0.8 1.0 =0.099 SFR<0.01 cumulatative PDF log z~4 -4 -3 -2 -1 0 0.0 0.2 0.4 0.6 0.8 1.0 Nstack=1 Nstack=2 Nstack=5 Nstack=10 Nstack=20 Nstack=50 Nstack=100 Nstack=1000 =0.063 0.3)SFR<10 -4 -3 -2 -1 0 0.0 0.2 0.4 0.6 0.8 1.0 =0.085 0.01)SFR<0.3 -4 -3 -2 -1 0 0.0 0.2 0.4 0.6 0.8 1.0 =0.030 SFR<0.01 cumulatative PDF log z~6 Fig. 4.\u2014 Top two panels show the probability distribution function of the apparent mean for a given observational sample size Nstack for the high mass (top) and low mass (bottom) sample, respectively. The mean is computed by weighting the number of photons produced in each galaxies to mimic the stacking of the SED in observations. The true mean of the distribution is denoted in each panel. Bottom two panels are the same as the top two panels, but for the subsamples with di\ufb00erent star formation rates, as indicated in the legend. \f\u2013 9 \u2013 4."
+ },
+ {
+ "url": "http://arxiv.org/abs/1412.4075v1",
+ "title": "A New Model for Dark Matter Halos Hosting Quasars",
+ "abstract": "A new model for quasar-hosting dark matter halos, meeting two physical\nconditions, is put forth. First, significant interactions are taken into\nconsideration to trigger quasar activities. Second, satellites in very massive\nhalos at low redshift are removed from consideration, due to their deficiency\nof cold gas. We analyze the {\\em Millennium Simulation} to find halos that meet\nthese two conditions and simultaneously match two-point auto-correlation\nfunctions of quasars and cross-correlation functions between quasars and\ngalaxies at $z=0.5-3.2$. %The found halos have some distinct properties worth\nnoting. The masses of found quasar hosts decrease with decreasing redshift,\nwith the mass thresholds being $[(2-5)\\times 10^{12}, (2-5)\\times 10^{11},\n(1-3)\\times 10^{11}]\\msun$ for median luminosities of $\\sim[10^{46}, 10^{46},\n10^{45}]$erg/s at $z=(3.2, 1.4, 0.53)$, respectively, an order of magnitude\nlower than those inferred based on halo occupation distribution modeling. In\nthis model quasar hosts are primarily massive central halos at $z\\ge 2-3$ but\nincreasingly dominated by lower mass satellite halos experiencing major\ninteractions towards lower redshift. But below $z=1$ satellite halos in groups\nmore massive than $\\sim 2\\times 10^{13}\\msun$ do not host quasars. Whether for\ncentral or satellite halos, imposing the condition of significant interactions\nsubstantially boosts the clustering strength compared to the total population\nwith the same mass cut. The inferred lifetimes of quasars at $z=0.5-3.2$ of\n$3-30$Myr are in agreement with observations. Quasars at $z\\sim 2$ would be\nhosted by halos of mass $\\sim 5\\times 10^{11}\\msun$ in this model, compared to\n$\\sim 3\\times 10^{12}\\msun$ previously thought, which would help reconcile with\nthe observed, otherwise puzzling high covering fractions for Lyman limit\nsystems around quasars.",
+ "authors": "Renyue Cen, Mohammadtaher Safarzadeh",
+ "published": "2014-12-12",
+ "updated": "2014-12-12",
+ "primary_cat": "astro-ph.CO",
+ "cats": [
+ "astro-ph.CO",
+ "astro-ph.GA"
+ ],
+ "main_content": "Introduction Masses of dark matter halos hosting quasars are not directly measured. They are inferred by indirect methods, such as via their clustering properties (i.e., auto-correlation function, ACF, or cross-correlation function, CCF). Using ACF or CCF can yield solutions on the (lower) threshold halo masses. The solution on halo mass based on such a method is not unique, to be illustrated by a simple example. Let us suppose a sample composed of halos of large mass M and an equal number of small halos of mass m, coming in tight pairs of M and m with a separation much small than the scale for the correlation function of interest. For such a sample, the ACF of halos of mass M is essentially identical to that of m or cross correlation between M and m. Although dark matter halos in the standard hierarchical cold dark matter model are less simple, the feature that small 1Princeton University Observatory, Princeton, NJ 08544; cen@astro.princeton.edu 2Johns Hopkins University, Department of Physics and Astronomy, Baltimore, MD 21218, USA arXiv:1412.4075v1 [astro-ph.CO] 12 Dec 2014 \f\u2013 2 \u2013 mass halos tend to cluster around massive halos is generic. This example suggests that alternative solutions of dark matter halos hosting quasars exist. It would then be of interest to \ufb01nd models that are based on our understanding of the thermal dynamic evolution of gas in halos and other physical considerations, which is the purpose of this Letter. 2. Simulations and Analysis Method We utilize the Millennium Simulation (Springel et al. 2005) to perform the analysis, whose properties meet our requirements, including a large box of 500h\u22121Mpc, a mass resolution with dark matter particles of mass 8.6 \u00d7 108h\u22121 M\u2299, and a spatial resolution of 5 h\u22121 kpc comoving. Halos are found using a friends-of-friends (FOF) algorithm. Satellite halos are separated out using the SUBFIND algorithm (Springel et al. 2001). The adopted \u039bCDM cosmology parameters are \u2126m = 0.25, \u2126b = 0.045, \u2126\u039b = 0.75, \u03c38 = 0.9 and n = 1, and H0 = 100h km s\u22121 Mpc\u22121 with h = 0.73. Given the periodic box we compute the 2-point auto-correlation function (ACF) \u03be(rp, \u03c0) of a halo sample by \u03be(rp, \u03c0) = DD RR \u22121, (1) where rp and \u03c0 is the pair separation in the sky plane and along the line of sight, respectively, DD and RR are the normalized numbers of quasar-qausar and random-random pairs in each bin (rp \u22121 2\u2206rp \u2192rp + 1 2\u2206rp, \u03c0 \u22121 2\u2206\u03c0 \u2192\u03c0 + 1 2\u2206\u03c0). The cross-correlation function (CCF) is similarly computed: \u03be(rp, \u03c0) = D1D2 R1R2 \u22121, (2) where D1 and D2 correspond to galaxies and quasars. R1 and R2 correspond to randomly distributed galaxies and quasars that are computed analytically. The projected 2-point correlation function wp(rp) is: (Davis & Peebles 1983) wp(rp) = 2 Z \u221e 0 d\u03c0 \u03bes(rp, \u03c0) . (3) In practice, the integration is up to \u03c0max. We use \u03c0max = (100, 80, 70)h\u22121Mpc comoving at z = (3.2, 1.4, 0.5), respectively, as in observations. 3. A New Model for QSO-Hosting Dark Matter Halos at z = 0.5 \u22123.2 Our physical modeling is motivated by insights on cosmic gas evolution from cosmological hydrodynamic simulations and observations. Simulations show four signi\ufb01cant trends. First, cosmological structures collapse to form sheet, \ufb01laments and halos, and shock heat the gas to progressively higher temperatures with decreasing redshift (e.g., Cen & Ostriker 1999). Second, overdense regions where larger halos are preferentially located begin to be heated earlier and have higher temperatures than lower density regions at any given time, causing speci\ufb01c star formation rates of larger galaxies \f\u2013 3 \u2013 10-2 10-1 100 101 102 rp [h\u22121 Mpc] 10-1 100 101 102 103 104 105 wp (rp )[h\u22121 Mpc] z=3.2 ACF mh,0 =2e12,DR0 =1 ACF mh,0 =2e12,DR0 =3 ACF mh,0 =5e12,DR0 =3 ACF Mth =1e13 obs: Shen+07 QSO ACF Fig. 1.\u2014 shows the ACF of quasar hosts at z = 3.2 for two cases of mh,0 = (2\u00d71012, 5\u00d71012) M\u2299with DR0 = 3 shown as (open red squares, solid yellow hexagons), respectively. For mh,0 = 2 \u00d7 1012 M\u2299 one additional case is shown for DR0 = 1 (solid green diamonds). For comparison, a plain threshold mass case with Mth = 1013 M\u2299is shown as open blue circles. Poisson errorbars are only plotted for blue circles. Black triangles is the observed ACF (Shen et al. 2007a), using 4426 spectroscopically identi\ufb01ed quasars at 2.9 < z < 5.4 (median \u00af z = 3.2), from the SDSS DR5 (Schneider et al. 2005; Adelman-McCarthy et al. 2006). to fall below the general dimming trend at higher redshift than less massive galaxies and galaxies with high sSFR to gradually shift to lower density environments at lower redshift. This physical process of di\ufb00erential gravitational heating with respect to redshift is able to explain the apparent cosmic downsizing phenomenon (e.g., Cowie et al. 1996), the cosmic star formation history (e.g., Hopkins & Beacom 2006), and galaxy color migration (Cen 2011, 2014). Third, quasars appear to occur in congested environments, as evidenced by high bias inferred based on their strong clustering, with the apparent merger fraction of bright QSOs (L > 1046erg/s) approaching unity (e.g., Hickox et al. 2014). Finally, a quasar host galaxy presumably channels a signi\ufb01cant amount of gas into its central black hole, which we interpret as the galaxy being rich in cold gas. This requirement would exclude satellite halos of high mass halos at lower redshift when the latter become hot gas dominated (e.g., Feldmann et al. 2011; Cen 2014). These physical considerations provide the basis for the construction of the new model detailed below in steps. First, for z > 1. (1) All central and satellites halos with virial mass > mh,0 constitute the baseline sample, denoted as SA. (2) Each halo in SA is then selected with the following probability, PDF(DR), computed as follows. For a halo X of mass mh, we make a neighbor list of all neighbor halos with mass \u2265mh/2. For each neighbor halo on the neighbor list, we compute DRn = dn/rv,n, where dn is the distance from X to, and rv is the virial radius of, the neighbor in question. We then \ufb01nd the minimum of all DRn\u2019s, \f\u2013 4 \u2013 10-2 10-1 100 101 102 rp [h\u22121 Mpc] 10-1 100 101 102 103 104 wp (rp )[h\u22121 Mpc] z=1.4 ACF Mth =6e12 ACF mh,0 =2e11,DR0 =1 ACF mh,0 =2e11,DR0 =0.5 ACF mh,0 =5e11,DR0 =0.5 obs: Richardson+12 QSO ACF Fig. 2.\u2014 shows ACF of quasar hosts at z = 1.4 for three cases: (mh,0, DR0) = (2 \u00d7 1011 M\u2299, 0.5) (open blue squares), (5 \u00d7 1011 M\u2299, 0.5) (open red diamonds) and (2 \u00d7 1011 M\u2299, 1.0) (solid green hexagons). For comparison, a plain threshold mass case with Mth = 6 \u00d7 1012 M\u2299is shown as solid yellow circles. Poisson errorbars are only plotted for red diamonds. Black triangles are the observed ACF quasars (Richardson et al. 2012), using a sample of 47,699 quasars with a median redshift of \u00af z = 1.4, drawn from the DR7 spectroscopic quasar catalog (Schneider et al. 2010; Shen et al. 2011) for large scales and 386 quasars for small scales (< 1 Mpc/h) from (Hennawi et al. 2006). calling it DR for halo X. PDF(DR) is de\ufb01ned as PDF(DR) = 1 for DR < DR0; PDF(DR) = (DR0/DR)3 for DR \u2265DR0. (4) Our choice of the speci\ufb01c PDF is somewhat arbitrary but serves to re\ufb02ect our assertion that the probability of dark matter halos hosting quasars decreases if the degree of interactions decreases, when DR > DR0. The results remain little changed, for example, had we used a steeper powerlaw of 4 instead of 3. At z < 1, when the mean SFR in the universe starts a steep drop (Hopkins & Beacom 2006), we impose an additional criterion (3) to account for the gravitational heating. (3) Those halos that are within the virial radius of massive halos > Mh,0 are removed, for z < 1. In essence, we model the quasar hosts at z > 1 with two parameters, mh,0 and DR0 and at z < 1 with three parameters, mh,0, DR0 and Mh,0. We present results in the order of decreasing redshift. Figure 1 shows ACF of quasar hosts at z = 3.2 for three cases: (mh,0, DR0) = (2 \u00d7 1012 M\u2299, 3), (5 \u00d7 1012 M\u2299, 3) and (2 \u00d7 1012 M\u2299, 1). Based on halo occupation distribution (HOD) modeling, Richardson et al. (2012) infer median mass of quasar host halos at z \u223c3.2 of Mcen = 14.1+5.8 \u22126.9 \u00d7 1012 h\u22121 M\u2299, consistent with the threshold mass case with Mth = 1013 M\u2299. All model ACFs fall below the observed data at rp \u226530Mpc/h, due to simulation box size. The ACF amplitude is seen to increase with increasing mh,0. The ACF with a smaller value of DR0 steepens at a smaller rp and rises further toward lower rp. This \f\u2013 5 \u2013 behavior is understandable, since a lower DR0 overweighs pairs at smaller separations. The extant observations do not allow useful constraints on DR0 at z = 3.2. We see from visual examination that mh,0 = (2\u22125)\u00d71012 M\u2299provides an excellent \ufb01t to the observed ACF for rp = 2 \u221230h\u22121Mpc. Figure 2 shows ACF of quasar hosts at z = 1.4 for three cases: (mh,0, DR0) = (2 \u00d7 1011 M\u2299, 0.5), (5 \u00d7 1011 M\u2299, 0.5) and (2 \u00d7 1011 M\u2299, 1.0). The threshold mass case with Mth = 6 \u00d7 1012 M\u2299provides a good match to the observational data for rp = 1 \u221230h\u22121Mpc, consistent with HOD modeling by Richardson et al. (2012), who constrain the median mass of the central host halos to be Mcen = 4.1+0.3 \u22120.4 \u00d7 1012 h\u22121 M\u2299. We see that mh,0 = (2 \u22125) \u00d7 1011 M\u2299provides excellent \ufb01ts to the observed ACF for rp = 1 \u221240h\u22121Mpc. The observed ACF extends down to about 20h\u22121kpc, which allows us to constrain DR0. We see that, varying DR0 from 1.0 to 0.5, the amplitude of the ACF at rp \u22641h\u22121Mpc increases, with DR0 = 0.5 providing a good match. The physical implication is that quasar activities at z = 1.4 seem to be triggered when a halo of mass \u2265(2 \u22125) \u00d7 1011 M\u2299interact signi\ufb01cantly with another halo of comparable mass, in contrast to the z = 3.2 quasars that are primarily hosted by central galaxies with no major companions. 10-1 100 101 rp [h\u22121 Mpc] 100 101 102 103 wp (rp )[h\u22121 Mpc] z=0.51 CCF Mth =3.5e12 ACF Mth =1e13/h obs: Shen+13 CMASS ACF obs: Shen+13 QSO-CMASS CCF 10-1 100 101 rp [h\u22121 Mpc] 100 101 102 103 wp (rp )[h\u22121 Mpc] z=0.51 CCF mh,e =2e11,Mh,0 =2e13,DR0 =0.5 CCF mh,0 =2e11,Mh,0 =2e13,DR0 =1 CCF mh,0 =5e10,Mh,0 =2e13,DR0 =1 CCF mh,0 =2e11,Mh,0 =1e13,DR0 =1 obs: Shen+13 QSO-CMASS CCF Fig. 3.\u2014 Left panel shows the ACF of halos of masses above Mth = 1 \u00d7 1013h\u22121 M\u2299(open yellow squares), \u201cmock CMASS galaxies\u201d, and the CCF between halos of mass above 3.5 \u00d7 1012 M\u2299 and CMASS galaxies (open red pentagons). Black solid dots and triangles are the observed quasar-CMASS galaxy CCF and CMASS galaxy ACF (shown in both left and right panels), respectively, at z \u223c0.53 from Shen et al. (2013). The CMASS sample of 349,608 galaxies at z \u223c0.53 (White et al. 2011; Anderson et al. 2012) is from the Baryon Oscillation Spectroscopic Survey (Schlegel et al. 2009; Dawson et al. 2013). The sample of 8198 quasars at 0.3 < z < 0.9 (\u27e8z\u27e9\u223c0.53) is from the DR7 (Abazajian et al. 2009) spectroscopic quasar sample from SDSS I/II (Schneider et al. 2010). Right panel shows the model quasar-CMASS galaxy CCF at z = 0.51 for four cases with (mh,0, Mh,0, DR0) = (2 \u00d7 1011 M\u2299, 2 \u00d7 1013 M\u2299, 0.5) (solid red diamonds), (2 \u00d7 1011 M\u2299, 2 \u00d7 1013 M\u2299, 1.0) (solid green hexagons), (5 \u00d7 1010 M\u2299, 2 \u00d7 1013 M\u2299, 1.0) (open blue squares) and (2 \u00d7 1011 M\u2299, 1 \u00d7 1013 M\u2299, 1.0) (open yellow stars). Finally, Figure 3 shows results at z = 0.51. The left panel shows the ACF of halos of \f\u2013 6 \u2013 masses above the threshold 1013h\u22121 M\u2299mock CMASS galaxies which provides a good match to the observed ACF of CMASS galaxies. Consistent with previous analysis, we see that the CCF between halos of mass above the threshold 3.5 \u00d7 1012 M\u2299and mock CMASS galaxies match the observed counterpart. The right panel of Figure 3 shows the mock quasar-CMASS galaxy CCF at z = 0.51 for four cases with di\ufb00erent combinations of (mh,0, Mh,0, DR0). The case with (mh,0, Mh,0, DR0) = [(1 \u22123) \u00d7 1011 M\u2299, 2 \u00d7 1013 M\u2299, 0.5] provides an adequate match to the observation, while (mh,0, Mh,0, DR0) = (5 \u00d7 1010 M\u2299, 2 \u00d7 1013 M\u2299, 1.0) appears to underestimate the CCF. The case with (2 \u00d7 1011 M\u2299, 1 \u00d7 1013 M\u2299, 1.0) signi\ufb01cantly underestimates the observed ACF at rp < 0.5h\u22121Mpc. This indicates that halos of masses greater than mh,0 = (1 \u22123) \u00d7 1011 M\u2299 residing in environment of groups of masses (1 \u22122) \u00d7 1013 M\u2299are primarily responsible for the strong clustering at rp < 0.5h\u22121Mpc. It is interesting to note that the exclusion halo mass of Mh,0 = 2.0 \u00d7 1013 M\u2299, to account for environment heating e\ufb00ects, is physically self-consistent with the fact that the red CMASS galaxies are red due to the same environment e\ufb00ects hence have about the same halo mass (Mth = 1013h\u22121 M\u2299). 4. Predictions and Tests of our Model 10.0 10.5 11.0 11.5 12.0 12.5 13.0 13.5 14.0 14.5 log[Mh /(M \u2299)] 0 1 2 3 4 5 dp/dlogM our model range, z=3.2 Richardson+12, z=3.2 our model range, z=1.4 Richardson+12, z=1.4 our model range, z=0.53 Shen+13, z=0.53 Fig. 4.\u2014 shows the QSO-hosting halo mass distributions at z = 3.2 (solid red curves), z = 1.4 (solid blue curves) and z = 0.53 (solid green curves). We show two bracketing (approximately \u00b11\u03c3 for the computed correlation functions) models at each redshift. The corresponding distributions based on HOD modeling are shown in dashed curves. The short vertical bars with matching colors and line types indicate the median halo masses of their respective distributions. We have demonstrated that our physically based model can account for the observed clustering of quasars at z = 3.2, 1.4, 0.53. Figure 4 contrasts the sharp di\ufb00erences between our model and the conventional HOD based modeling; the halo masses in our model are an order of magnitude lower than those inferred from HOD modeling. Our model gives quasar-hosting halo mass threshold of \f\u2013 7 \u2013 [(2 \u22125) \u00d7 1012, (2 \u22125) \u00d7 1011, (1 \u22123) \u00d7 1011)] M\u2299at z = (3.2, 1.4, 0.53), respectively. compared to median mass of (14.1+5.8 \u22126.9\u00d71012, 4.1+0.3 \u22120.4\u00d71012, 4.0\u00d71012)h\u22121 M\u2299based on HOD modeling (Richardson et al. 2012; Shen et al. 2013). Although we have not made \ufb01tting for quasars at redshift higher than z = 3.2, we anticipate that the quasars at higher redshifts that have comparable luminosities as those at z = 3.2 will primarily be hosted by central galaxies of mass \u223c(2 \u22125) \u00d7 1012 M\u2299. We note that the median luminosity of the observed quasars decreases from \u223c1046erg/s at z \u22651.4 to \u223c1045erg/s at z = 0.53, which re\ufb02ects the known downsizing scenario and is in accord with the decreasing halo mass with decreasing redshift inferred in our model. Our results and detailed comparions with HOD based modeling are also tabulated in Table 1, along with inferred quasar duty cycles and lifetimes. Can we di\ufb00erentiate between these two models? Trainor & Steidel (2012) cross correlate 1558 galaxies with spectroscopic redshifts with 15 of the most luminous (\u22651014 L\u2299, M1450 \u223c\u221230) quasars at z \u223c2.7. Even for these hyperluminous quasars (HLQSOs), they infer host halo mass of log(Mh/ M\u2299) = 12.3 \u00b1 0.5, which is in very good agreement with our model (Mh \u223c(2\u22125)\u00d71012 M\u2299) but much smaller than inferred from HOD modeling. They also \ufb01nd that, on average, the HLQSOs lie within signi\ufb01cant galaxy over-densities, characterized by a velocity dispersion \u03c3v \u223c200 km/s and a transverse angular scale of \u223c25\u201d (\u223c200 physical kpc), which they argue correspond to small groups with log(Mh/ M\u2299) \u223c13. The rare HLQSOs are apparently not hosted by rare dark matter halos. This is fully consistent with our suggestion that dark matter halo mass is not the sole determining factor of quasar luminosities and that interactions may be instrumental to triggering quasar activities. Another, independent method to infer halo masses of quasar hosts is to measure their cold gas content. Prochaska et al. (2013) detect about 60% \u221270% covering fraction of Lyman limit systems within the virial radius of z \u223c2 quasars, using the binary quasar sample (Hennawi et al. 2006). This has created signi\ufb01cant tension: hydrodynamic simulations of the cold dark matter model yield less than 20% covering fraction for halos of mass \u223c3\u00d71012 M\u2299(Faucher-Giguere et al. 2014); halos of still higher mass have still lower covering fractions. On the other hand, the simulations show a \u223c60% covering fraction if the mass of quasar-hosting halos is \u223c3 \u00d7 1011 M\u2299. This indicates that the lower halo masses for quasar hosts in our model can explain the high content of neutral gas in z \u223c2 quasars. The mean quasar lifetime may be estimated by equating it to tH \u00d7 fq, where tH is the Hubble time at the redshift in question and fq the duty cycle of quasar hosting halos. Existing observational constraints provide useful range for tq for quasars at z \u223c3. Lifetimes based on halo abundances from clustering analyses of quasars have been given by many authors (e.g., Martini & Weinberg 2001; Porciani et al. 2004; Shen et al. 2007b); in our case, this is a degenerate derivation. Thus, it is useful to have a survey of quasar lifetimes based on other, independent methods. Jakobsen et al. (2003) derive tq > 10Myr, Worseck et al. (2007) give tq > 25Myr, Gon\u00b8 calves et al. (2008) yield tq = 16 \u221233Myr, and McQuinn & Worseck (2014) yield tq => 10Myr for quasars at z \u22482 \u22123, all based on the method of quasar proximity e\ufb00ect. Bolton et al. (2012) obtain tq > 3Myr using line-of-sight thermal proximity e\ufb00ect. Trainor & Steidel (2013), using a novel method of Ly\u03b1 emitters (LAEs) exhibiting \ufb02uorescent emission via the reprocessing of ionizing radiation from \f\u2013 8 \u2013 nearby hyperluminous QSOs, \ufb01nd 1 \u2264tq \u226420Myr at z = 2.5 \u22122.9. We see that all these estimates are consistent with our model. As a comparison, the inferred tHOD q \u223c400Myr at z = 3.2 from HOD modeling. Finally, self-consistently reproducing the quasar luminosity functions (e.g., Wyithe & Loeb 2002, 2003; Shen 2009; Conroy & White 2013) will provide another test, which we defer to a separate study. Table 1: Comparing Our Model With HOD Modeling w.r.t. Halo Mass and Quasar Lifetime (1) (2) (3) (4) (5) (6) (7) (8) (9) (10) zmed Lbol nobs nsim mh,0 fq tq MHOD h fHOD q tHOD q log(erg s ) \u00d710\u22127 \u00d710\u22124 \u00d71012 \u00d710\u22123 [Myr] \u00d71012 \u00d710\u22123 [Myr] 3.2 46.3 2.5 0.2 \u22120.9 2 \u22125 3 \u221213 5-26 20 215 425 1.4 46.1 30 9 \u221244 0.2 \u22120.5 0.6 \u22123 3-15 5.8 1.8 7.5 0.53 45.1 50 29 \u221285 0.1 \u22120.3 0.6 \u22122 5-15 5.7 1.3 10 Column (1) zmed is the median redshift of the sample that is analyzed. Column (2) Lbol is the median bolometric luminosity of the observed quasar sample obtained using conversions in (Richards et al. 2006; Runnoe et al. 2012). Column (3) nobs is the number density of the observed quasar sample (Shen & Kelly 2012) in [Mpc3h\u22123], multiplied by a factor of 2.5 to account for the fact that about 60% of quasars belong to the so-called type II quasars based on low redshift observations (Zakamska et al. 2003), which are missed in the quoted observational sample. We note that the percentage of obscured quasars appear to increase with redshift (e.g., Ballantyne et al. 2006; Treister & Urry 2006). Thus, the values of tq may be underestimated. Column (4) mh,0 is the lower mass threshold dark matter halos hosting quasars in [M\u2299]. Column (5) nsim is the number density of the dark matter halos hosting quasars with mass \u2265mh,0 in [Mpc\u22123h3]. Column (6) fq \u2261nobs/nsim is the duty cycle of the quasars in our model. Column (7) tq is the mean quasar lifetime in our model de\ufb01ned as tH \u00d7 fq, where tH is the Hubble time at the redshift in question. Column (8) MHOD h,med is the derived host halo mass of the observed population of quasars derived from HOD modeling (Richardson et al. 2012; Shen et al. 2013) in [M\u2299]. Column (9) fHOD q is the duty cycle of the observed population of quasars based on HOD modeling, using the type II quasars-corrected abundance in Column (3). Column (10) tHOD q is the life time of the quasars based on fHOD q in Column (9). 5."
+ },
+ {
+ "url": "http://arxiv.org/abs/1409.6755v1",
+ "title": "Diverse Properties of Interstellar Medium Embedding Gamma-Ray Bursts at the Epoch of Reionization",
+ "abstract": "Analysis is performed on ultra-high resolution large-scale cosmological\nradiation-hydrodynamic simulations to, for the first time, quantify the\nphysical environment of long-duration gamma-ray bursts (GRBs) at the epoch of\nreionization. We find that, on parsec scales, 13% of GRBs remain in high\ndensity ($\\ge 10^4$cm$^{-3}$) low-temperature star-forming regions, whereas 87%\nof GRBs occur in low-density ($\\sim 10^{-2.5}$cm$^{-3}$) high temperature\nregions heated by supernovae. More importantly, the spectral properties of GRB\nafterglows, such as the neutral hydrogen column density, total hydrogen column\ndensity, dust column density, gas temperature and metallicity of intervening\nabsorbers, vary strongly from sightline to sightline. Although our model\nexplains extant limited observationally inferred values with respect to\ncircumburst density, metallicity, column density and dust properties, a\nsubstantially larger sample of high-z GRB afterglows would be required to\nfacilitate a statistically solid test of the model. Our findings indicate that\nany attempt to infer the physical properties (such as metallicity) of the\ninterstellar medium of the host galaxy based on a very small number of (usually\none) sightlines would be precarious. Utilizing high-z GRBs to probe\ninterstellar medium and intergalactic medium should be undertaken properly\ntaking into consideration the physical diversities of the interstellar medium.",
+ "authors": "Renyue Cen, Taysun Kimm",
+ "published": "2014-09-23",
+ "updated": "2014-09-23",
+ "primary_cat": "astro-ph.HE",
+ "cats": [
+ "astro-ph.HE"
+ ],
+ "main_content": "Introduction Very high redshift (z \u22656) gamma-ray bursts (GRBs) (e.g., Greiner et al. 2009; Tanvir et al. 2009; Cucchiara et al. 2011) provide an excellent probe of both the interstellar (ISM) and intergalactic medium (IGM) at the epoch of reionization (EoR) using absorption spectrum techniques thanks to their simple power-law afterglow spectra and high luminosity (Lamb & Reichart 2000), complimentary to quasar absorption spectrum observations (Fan et al. 2006). Here we present a \ufb01rst, detailed analysis of the physical properties of ISM surrounding GRBs, utilizing state-of-the-art radiation-hydrodynamic simulations, with the hope that they may aid in proper interpretations of observations of GRB afterglows at EoR with respect to both ISM and IGM. 1Princeton University Observatory, Princeton, NJ 08544; cen@astro.princeton.edu 2Princeton University Observatory, Princeton, NJ 08544; kimm@astro.princeton.edu arXiv:1409.6755v1 [astro-ph.HE] 23 Sep 2014 \f\u2013 2 \u2013 2. Simulations The simulations are performed using the Eulerian adaptive mesh re\ufb01nement code, ramses (Teyssier 2002, ver. 3.07), with concurrent multi-group radiative transfer (RT) calculation (Rosdahl et al. 2013). The reader is referred to Kimm & Cen (2014) for details. Notably, a new treatment of supernova feedback is implemented, which is shown to capture the Sedov solution for all phases (from early free expansion to late snowplow). The initial condition for the cosmological simulations is generated using the MUSIC software (Hahn & Abel 2011), with the WMAP7 parameters (Komatsu et al. 2011): (\u2126m, \u2126\u039b, \u2126b, h, \u03c38, ns = 0.272, 0.728, 0.045, 0.702, 0.82, 0.96). The total simulated volume of (25Mpc/h)3 (comoving) is covered with 2563 root grids, and 3 more levels are added to a rectangular region of 3.8 \u00d7 4.8 \u00d7 9.6 Mpc to achieve a high dark matter mass resolution of mdm = 1.6 \u00d7 105 M\u2299. In the zoomed-in region, cells are further re\ufb01ned (12 more levels) based on the density and mass enclosed within a cell. The corresponding maximum spatial resolution of the simulation is 4.2 pc (physical). The simulation is found to be consistent with a variety of observations, including the luminosity function at z \u223c7. Normal and runaway star particles are created in convergent \ufb02ows with a local hydrogen number density nth \u2265100 cm\u22123 (FRU run, Kimm & Cen 2014), based on the Schmidt law (Schmidt 1959). Note that the threshold is motivated by the density of a Larson-Penston pro\ufb01le (Larson 1969; Penston 1969) at 0.5\u2206xmin, \u03c1LP \u22488.86c2 s/\u03c0 G \u2206x2 min, where cs is the sound speed at the typical temperature of the ISM (\u223c30K) and \u2206xmin is the \ufb01nest cell resolution. Additionally, we ensure that the gas is Jeans unstable, and that the cooling time is shorter than the dynamical time (e.g. Cen & Ostriker 1992). We assume that 2% of the star-forming gas is converted into stars per its free-fall time (t\ufb00) (Krumholz & Tan 2007). The mass of each star particle is determined as m\u22c6= \u03b1 Np\u03c1th \u2206x3 min, where \u03c1th is the threshold density, and \u03b1 is a parameter that controls the minimum mass of a star particle (m\u22c6,min). Np is an integer multiple of m\u22c6,min to be formed in a cell, which is drawn from a Poisson random distribution, P(Np) = (\u03bbNp/Np!) exp (\u2212\u03bb) with the Poissonian mean \u03bb \u2261\u03f5\u22c6 \u0010 \u03c1\u2206x3 m\u22c6,min \u0011 \u0010 \u2206tsim t\ufb00 \u0011 , where \u2206tsim is the simulation time step. The resulting minimum mass of a normal (runaway) star particle is 34.2 M\u2299(14.6 M\u2299). We adopt the Chabrier initial mass function to compute the mean frequency of Type II supernova explosions per solar mass (0.02M \u22121 \u2299). Dark matter halos are identi\ufb01ed using the Amiga halo \ufb01nder (Knollmann & Knebe 2009). This yields 731 halos of mass 108 \u2264Mvir < 3 \u00d7 1010 M\u2299at z = 7. We adopt the assumption that long-duration GRB rate is proportional to type II supernova rate; short-duration GRBs are not addressed here since they appear not to be associated with massive stars and are hosted by elliptical galaxies (Berger 2013). For our analysis we use all snapshots between z = 7.5 and z = 7. 3. Results We present results from our simulations and make comparisons to available observations. As will be clear later, we generally \ufb01nd broad agreement between our model and observations, although larger observational samples of GRB afterglows would be needed to fully test the model. \f\u2013 3 \u2013 3.1. Properties of Embedding Interstellar Medium on Parsec Scales We \ufb01rst describe the physical conditions of the ISM that embeds GRBs on pc scales. The left (right) panel of Figure 1 shows the distribution of GRB rate in the density-temperature (densitymetallicity) parameter space. We see two separate concentrations of GRBs in the n \u2212T plane, with (nH, T) equal to (10\u22122.5cm\u22123, 107.5K) and (104.0cm\u22123, 103.8K), respectively. It must be made clear that the density and temperature are de\ufb01ned on the local gas cell of scale of a few pc that a GRB sits. The appearance of GRB afterglow spectra depends, in most case, more strongly on the properties of gas along the line of sight rather than the gas immediately embedding them, as will be shown later. It is seen that most of the GRBs reside in the low density, high temperature peak, contributing to 87% of GRBs. It is easy to identify two corresponding concentrations in the Z \u2212n plane in the right panel: the low density, high temperature peak corresponds the high metallicity peak in the range [\u22121.5, 0.5] in solar units, while the high density, low temperature peak corresponds the low metallicity peak in the range [\u22122, \u22121]. We note that super solar metallicities in hot winds driven by type II supernova explosions in starburst galaxies in conditions similar to those of our simulated galaxies are locally observed. For example, Konami et al. (2011) observe metallicity of hot X-ray gas of 2 \u22123 times the solar value in M82. Martin et al. (2002) \ufb01nd that the best \ufb01t model for the hot X-ray gas metallicity in dwarf starburst galaxy NGC 1569 is solar, although a metallicity as high as 5 times solar still gives \u03c72 value only about 0.1% larger than the best \ufb01t model; on the contrary, the model with 0.25 times solar has much worse \u03c72 value. The extant observations of GRB afterglow spectra do not have the capability to detect the metallicity of the X-ray absorbing medium of relatively low column density. Metallicities of lower temperature gas phases are observed and are predicted to be substantially sub solar, as will be shown in Figure 3 later. The (nH, T) = (104.0cm\u22123, 103.8K) peak coincides with the cores of dense gas clouds in the simulation, where star formation is centered. The temperature of 103.8K is mostly produced by atomic hydrogen cooling and the lower temperature extension due to metal cooling included in the simulation. As a numerical example, for a gas parcel of density 104cm\u22123, temperature of 104K and metallicity of 1% of solar value, the cooling time is about 400 yrs, which is much shorter than relevant dynamic time scales. It is thus clear that the cold density phase seen our simulation is easily understandable. However, due to lack of treatment for molecular hydrogen cooling, gas is unable to cool signi\ufb01cantly below \u223c104K. Had we included molecular hydrogen cooling and low temperature metal cooling, we expect the gas to cool approximately isobarically to about 20K. Thus, we prefer not to infer any observable properties of GRBs that would depend strongly on the nature of this cold gas phase, such as molecular clouds. It is more appropriate to treat (nH, T) = (104.0cm\u22123, 103.8K) as bounds: (nH, T) = (> 104.0cm\u22123, < 103.8K). This is also why we present our results for the highdensity low-temperature regions as bounds in the abstract and conclusions sections as well as places where clari\ufb01cation is helpful. The noticeable sub-dominance of GRBs residing in very high density (n \u223c104cm\u22123), star-forming regions suggests that a large number of stars are displaced from their birth clouds. This may be achieved by a substantial relative motions between stars and their birth clouds due to hydrodynamic interactions of the later or dynamical e\ufb00ects of stars. As a numerical illustration for the former possibility, a relative motion of 10 km/s between the birth cloud and the \f\u2013 4 \u2013 -6 -4 -2 0 2 4 6 log nH [cm-3] 0 2 4 6 8 10 log T [K] log NHI>19 log NHI<19 50% 90% 99% -6 -4 -2 0 2 4 6 log nH [cm-3] -3 -2 -1 0 1 log Z [ZO \u2022 ] log NHI>19 log NHI<19 50% 90% 99% Fig. 1.\u2014 Left panel: shows the distribution of GRB rate in the density-temperature (n \u2212T) parameter space. Note that the density and temperature are de\ufb01ned on the local gas cell of scale of a few pc that a GRB sits in and it will be made clear later that the appearance of GRB afterglows is in most cases more dependent on the properties of gas along the line of sight. We have further divided the GRBs into two groups with respect to intervening neutral hydrogen column density: NHI > 1019cm\u22122 (red) and NHI < 1019cm\u22122 (blue), details of which will be given in subsequent \ufb01gures. The contour levels speci\ufb01ed indicate the fraction of GRBs enclosed. Right panel: shows the distribution of GRB rate in the density-metallicity (n \u2212Z) parameter space. star would yield a displacement of 100pc in a lifetime of 10Myr. We note that the runaway OB stars in our simulation have typical velocities relative to the birth clouds of 20 \u221240 km/s. Thus the runaway OB stars have contributed signi\ufb01cantly to the displacing GRBs from their birth clouds. The GRBs being in hot low density environment is also a result of supernova heating by earlier supernovae exploding in the birth clouds. We estimate that these two e\ufb00ects are responsible about equally for placing most of the GRBs in low-density high temperature regions. While it is not possible to locate GRBs within the host galaxies at high redshift at this time, observations of low redshift GRBs may still be instructive. Le Floc\u2019h et al. (2012) show that GRB 980425 occurring in a nearby (z = 0.0085) SBc-type dwarf galaxy appears to be displaced from the nearest H II region by 0.9kpc, which is in fact signi\ufb01cantly larger than the displacement distances for the vast majority of our simulated GRBs in high redshift galaxies. Interestingly, the optical afterglow luminosity has a bimodal distribution at 12 hours after trigger (Nardini et al. 2008). The bimodal distribution of volumetric density seen in the left panel of Figure 1 alone should produce a bimodal distribution of the afterglows with respect to break frequencies, luminosities, and break times, etc (e.g., Sari et al. 1998). We cannot make detailed comparisons, because the circumburst density of the high nH GRB subset is underestimated due to our limited resolution and because it remains uncertain if the appearance of GRB afterglows \f\u2013 5 \u2013 would also depend strongly on intervening material (dust obscuration, etc). It is suggestive that the complex situations seen in simulations may account for the observed bimodality of afterglows without having to invoke intrinsic bimodality of GRBs. 3.2. Strong Variations of Intervening Gas and Dust along Di\ufb00erent Sightlines One of the most important points that this paper hopes to highlight and convey is that the appearances of the afterglows of GRBs are not solely determined by the circumburst medium in their immediate vicinity (e.g., the physical conditions shown in Figure 1 are on pc scales centered on GRBs). They also strongly depend on the line of sight beyond the immediate circumburst medium through the ISM in the host galaxy, which we now quantify. Let us \ufb01rst give the meaning for our chosen value of the intervening neutral hydrogen column density NHI = 1019cm\u22122, which is used in Figure 1 to separate GRBs into separate groups. Figure 2 shows the distribution of neutral hydrogen column density integrated along the line of sight for all GRBs, separately for halos in \ufb01ve mass ranges. A bimodal distribution of NHI is seen, peaked at NHI \u223c1021\u221222cm\u22122 and NHI \u223c1016\u221217cm\u22122, respectively, well separated by NHI \u223c1019cm\u22122. It is clear that the bimodality exists for all halo masses surveyed. The low NHI peak is rather broad, extending all the way to NHI = 1011cm\u22122, suggesting some locations of GRBs well into the di\ufb00used hot ISM. There is a noticeable dip in the neutral hydrogen column density distribution at \u223c1014cm\u22122 for the most massive galaxies of \u22651010 M\u2299. We attribute this to more signi\ufb01cant shock heating in the most massive halos. Returning to Figure 1, it is now easy to see that the GRBs in the low NHI (\u22641019cm\u22122) peak in Figure 2 is composed of only one set of GRBs situated in low density environment around (10\u22122.5cm\u22123, 107.5K), seen as the red contours in Figure 1. The high NHI (\u22651019cm\u22122) peak in Figure 2, on the other hand, consists of a combination of two separate populations with distinctly di\ufb00erent circumburst medium, which correspond to two separate loci of the blue contours at (10\u22122.5cm\u22123, 107.5K) and (104.0cm\u22123, 103.8K) in Figure 1. The apparently two di\ufb00erent groups of GRBs situated around (nH, T) = (10\u22122.5cm\u22123, 107.5K) one with low NHI\u22641019cm\u22122 (red) and the other with low NHI\u22651019cm\u22122 (blue) are due entirely to the line of sight through the ISM of the host galaxy. Overall, we \ufb01nd that 38% of GRBs have NHI\u22641017cm\u22122 (i.e., optically thin to Lyman continuum), whereas 44% have NHI\u22651020.3cm\u22122 (i.e, containing a damped Lyman-alpha system). It is clear that various properties of the afterglows of GRBs, even sitting in the same very local environment on pc scales, may appear di\ufb00erent due to di\ufb00erent intervening interstellar gas and dust along the line of sight through the host galaxy. In summary so far, there are three separate populations of GRB afterglows are expected, if our model is correct. One might classify them in the following simple way: (1) HnHN=(high volumetric density n \u223c104cm\u22123, high neutral column density NHI\u22651019cm\u22122), (2) LnHN=(low volumetric density n \u223c10\u22122.5cm\u22123, high neutral column density NHI\u22651019cm\u22122), (3) LnLN=(low volumetric density n \u223c10\u22122.5cm\u22123, high neutral column density NHI\u22641019cm\u22122). Again, types (2) and (3) are a result of di\ufb00erent viewing angles, where type (2) is due to viewing angles through largely hot ionized gas and type (3) viewing angles going through cold and dense gas in addition. \f\u2013 6 \u2013 12 15 18 21 24 log NHI [cm-2] -2.5 -2.0 -1.5 -1.0 -0.5 log PDF log Mh=[ 8.0, 8.5) log Mh=[ 8.5, 9.0) log Mh=[ 9.0, 9.5) log Mh=[ 9.5,10.0) log Mh=[10.0,11.5) Fig. 2.\u2014 shows the probability distribution functions (PDF) of neutral hydrogen column density for all GRBs, separated according to the halo masses indicated in the legend. Laskar et al. (2014) analyze multi-wavelength observations of the afterglow of GRB 120521C (z \u223c6) and re-analyze two previous GRBs at z > 6 (GRB 050904 and 090423), and conclude that the circumburst medium has a volumetric density of nH \u22640.05cm\u22123 that is constant. The GRBs in the LnHN or LnLN group provide the right match to the observations. While the statistic is still small, it is expected that about 87% of GRBs should arise in in either the LnHN or LnLN group. Observations of GRB 050904 at z = 6.3 reveal that it contains a damped Lyman alpha systems (DLAs) system in the host galaxy of column density NHI = 1021.6cm\u22122 and metallicity of Z = \u22122.6 to \u22121 (Totani et al. 2006; Kawai et al. 2006). Based on X-ray observations, Campana et al. (2007) conclude that Z \u22650.03 Z\u2299for GRB 050904. The evidence thus suggests that GRB 050904 likely resides in a dense environment, although it cannot be completely sure because the metallicity range of the low-density peak (right panel of Figure 1) overlaps with the observed range. It is useful at this juncture to distinguish between the metallicity of the local environment of a GRB and that of absorbers in the GRB afterglow spectrum. Let us now turn to the expected metallicity of UV/optical absorbers in the GRB after\ufb02ow spectra. Figure 3 shows the PDFs of total hydrogen-column-density-weighted metallicity of gas along the line of sight, excluding gas hotter than 106K, for the three sub-populations of GRBs. We see that for all three GRB groups the metallicity of the absorbers in the GRB spectra peaks in the range \u22123 to \u22121. Thus, it is now clear that our model can easily account for the observed properties of GRB 050904. The additional evidence that, based on the analysis of the equivalent width ratio of the \ufb01ne structure transition lines Si II* \u03bb1264.7\u02da A and Si II \u03bb1260.4\u02da A, infers the electron density \f\u2013 7 \u2013 -3 -2 -1 0 1 log -3 -2 -1 0 log PDF log NHI * 19 (nH * 10 cm-3) log NHI * 19 (nH < 10 cm-3) log NHI < 19 (nH < 10 cm-3) Fig. 3.\u2014 shows the PDFs of total hydrogen column density weighted metallicity of gas along the line of sight, excluding gas hotter than 106K, for the three sub-populations of GRBs: GRBs in (nH, T) = (10\u22122.5cm\u22123, 107.5K) with NHI \u22641019cm\u22122 (red dashed, LnLN group), (nH, T) = (10\u22122.5cm\u22123, 107.5K) with NHI \u22651019cm\u22122 (green dotted, LnHN group), and (nH, T) = (104.0cm\u22123, 103.75K) with NHI \u22651019cm\u22122 (blue solid, HnHN group). of log ne = 2.3 \u00b1 0.7. Furthermore, the magnitude of the optical afterglow at 3.4 days after the burst favors a high density circumburst medium. In combination, it appears that GRB 050904 is likely in a dense environment being to the HnHN group. This appears to be at some minor odds with our model, since we only expect that 13% of GRBs to arise in the HnHN group. It would be highly desirable to obtain a larger sample of high-z GRBs to provide a statistically \ufb01rmer test. Analyses of observations of GRB 130606A at z = 5.9 indicate that it likely contains a sub-DLA system of NHI \u223c1019.8cm\u22122 in the host galaxy (Totani et al. 2013; Castro-Tirado et al. 2013). The inferred low metallicity of \u22121.8 to \u22120.8 in solar units (Castro-Tirado et al. 2013) and \u22121.3 to \u22120.5 (Chornock et al. 2013), in conjunction with the NHI, suggests that GRB 130606A may reside in a low density environment with a foreground sub-DLA system in the host galaxy. This proposal is consistent with the evidence of detection of highly ionized species (e.g., N V and Si IV) (Castro-Tirado et al. 2013). It seems likely that GRB 130606A belongs to the LnHN group. It is easy to see that in our model the metallicity distribution of UV/optical absorbers in GRB afterglow spectra is wide, which itself is due to the very inhomegeneous metallicity distributions in the ISM of the host galaxies. Thus, it would be a rather chancy practice trying to infer the metallicity of the host galaxy solely based on a small number of (typically one) GRB afterglow absorption spectra. \f\u2013 8 \u2013 The reader has already seen clearly that the distributions of all concerned physical quantities, including metallicity, density, total and neutral hydrogen column density, are wide. We will add yet one more quantity and show the cumulative distributions of the ratio of neutral hydrogen to total hydrogen column density for the three groups in the right panel of Figure 4. We see that for GRBs in the LnLN group the neutral hydrogen to total hydrogen column ratio is signi\ufb01cantly less than unity. Even for the HnHN and LnHN groups, (10%,14%) of GRBs have the ratio less than 0.1. In other words, it is generally a pretty bad assumption that the apparent absorbers in the GRB afterglow spectra are mainly neutral. This indicates that the so-called \u201cmissing gas problem\u201d (e.g., Schady et al. 2011) may be accommodated in this model. 16 18 20 22 24 26 log NH [cm-2] -3 -2 -1 0 log PDF log NHI * 19 (nH * 10 cm-3) log NHI * 19 (nH < 10 cm-3) log NHI < 19 (nH < 10 cm-3) -10 -8 -6 -4 -2 0 log NHI / NH -3 -2 -1 0 1 log cumulative fraction log NHI * 19 (nH * 10 cm-3) log NHI * 19 (nH < 10 cm-3) log NHI < 19 (nH < 10 cm-3) Fig. 4.\u2014 Left panel: shows the PDFs of total hydrogen column density for the three subpopulations of GRBs: GRBs in (nH, T) = (10\u22122.5cm\u22123, 107.5K) with NHI \u22641019cm\u22122 (red dashed, LnLN group), (nH, T) = (10\u22122.5cm\u22123, 107.5K) with NHI \u22651019cm\u22122 (green dotted, HnLN group), and (nH, T) = (104.0cm\u22123, 103.75K) with NHI \u22651019cm\u22122 (blue solid, HnHN group). Right panel: shows the cumulative PDFs of the ratio of NHI/NH. The left panel of Figure 4 shows the PDFs of the total hydrogen column density for the three sub-populations of GRBs, which is most relevant for probing GRB X-ray afterglows and hence a useful test of our model. One expectation from our model is that the vast majority of GRBs sitting in low density circumburst medium (LnHN + LnLN) do not have Compton thick obscuring gas. This prediction is veri\ufb01able with a combination of afterglow light curves and X-ray observations. On the other hand, one expects from our model that a signi\ufb01cant fraction of the GRBs sitting in high density circumburst medium (HnHN) have an extended high NH tail and dominate the GRBs with NH \u22651023cm\u22122. Quantitatively, we \ufb01nd that (45%, 3%) of GRBs have NH \u2265(1023, 1024)cm\u22122; it is noted that these two numbers are likely lower bounds due to possible numerical resolution e\ufb00ects. As already noted earlier, it is seen from the right panel that the GRBs in the LnLN group are intervened by highly ionized gas peaking at an average neutral fraction of \u223c10\u22124, with no cases having a neutral fraction exceeding 10\u22121. In contrast, for GRBs in both the HnLN and HnHN \f\u2013 9 \u2013 groups, more than 50% of them have an average neutral fraction greater than \u223c10\u22121. -6 -4 -2 0 2 log (NH /1021cm-2)(Z/ZO \u2022 ) -3 -2 -1 0 log PDF log NHI * 19 (nH * 10 cm-3) log NHI * 19 (nH < 10 cm-3) log NHI < 19 (nH < 10 cm-3) T < 106 K 3 4 5 6 log [K] -2 -1 0 1 log PDF log NHI * 19 (nH * 10 cm-3) log NHI * 19 (nH < 10 cm-3) log NHI < 19 (nH < 10 cm-3) Fig. 5.\u2014 Left panel: shows the PDFs of metallicity weighted total hydrogen column density, (NH/1021cm\u22122)(Z/ Z\u2299, excluding gas with temperature greater than 106K, for the three sub-populations of GRBs: GRBs in (nH, T) = (10\u22122.5cm\u22123, 107.5K) with NHI \u22641019cm\u22122 (red dashed), (nH, T) = (10\u22122.5cm\u22123, 107.5K) with NHI \u22651019cm\u22122 (green dotted), and (nH, T) = (104.0cm\u22123, 103.75K) with NHI \u22651019cm\u22122 (blue solid). The exclusion of \u2265106K gas is to intended for the situation that dust is e\ufb03ciently destroyed in hot gas. According to Draine (2003), AV \u2248(NH/1021cm\u22122)(Z/ Z\u2299. Right panel: shows the PDFs of gas temperature weighted by NHZ, excluding gas with temperature greater than 106K. We now turn to the issue of dust obscuration. The left panel of Figure 5 shows the PDFs of visual extinction AV . It is noted that the simulation does not follow dust formation explicitly. Thus, we have adopted the well known empirical relation between metal column density and visual extinction: AV = (NH/1021cm\u22122)(Z/ Z\u2299) (Draine 2003). While the applicability of the relation derived from local observations is uncertain, detailed analysis of galaxy colors at EoR suggest that the simulated galaxies based on this relations give rise to self-consistent results when comparing to observations (Kimm & Cen 2013; Cen & Kimm 2014). Moreover, direct observations of dust suggest that this relation holds well in other galaxies locally, and galaxies and damped Lyman alpha systems at moderate to high redshift (e.g., Draine et al. 2007; De Cia et al. 2013; Draine et al. 2014; Fisher et al. 2014). Nevertheless, it is possible that the normalization factor in front of the relation is probably uncertain to order of unity. It is evident that a signi\ufb01cant fraction of GRBs in the high HnHL group (blue solid curve) are heavily dust obscured, with (53%,16%) of GRBs in the HnHL group have AV \u2265(1, 10). At the other extreme, we see that the GRBs in the LnLN group (red dashed curve) have negligible dust columns with no case of AV \u22650.3; nevertheless, it is worth pointing out that, even for this set of GRBs 12% has an AV \u22650.03 due largely to dust in high temperature gas. The GRBs in the LnHN group (green dotted curve) situates inbetween the above \f\u2013 10 \u2013 two groups, with a small but non-negligible fraction (7%) at AV > 1. Observationally, the issue of dust in high-z GRB hosts is less than settled. Zafar et al. (2010), based on a re-analysis of the multiepoch data of the afterglow of GRB 050904 at z = 6.3, conclude that there is no evidence of dust. Given that the neutral column density of the in situ DLA for GRB 050904 is NHI = 1021.6cm\u22122 and low metallicity Z = \u22122.6 to \u22121 (Totani et al. 2006; Kawai et al. 2006), an AV \u223c0.01 is possible, if one adopts the lower metallicity value that is statistically allowed in our model (see the right panel of Figure 1). Thus, both the low extinction and a standard ratio of dust to metals are still consistent with the observations. Our model indicates that 9% of GRBs have AV \u22651. Thus, with a z \u22656 GRB sample of size 11, one expects to see one GRBs with nH \u223c104cm\u22123 that is signi\ufb01cantly obscured by dust with AV > 1. This may be testable with SWIFT data relatively soon. The right panel of Figure 5 shows the PDFs of average gas temperature weighted by NHZ, excluding gas with temperature greater than 106K (the exclusion is a crude way to say that dust in gas hotter than 106K is destroyed). The purpose of this plot is to provide an indication the diversity of intervening gas with dust. One notes that the lines of sight of HnHL GRBs contain dust in cold medium (T \u2264104K), whereas those of high LnHN GRBs are dominated by dust residing in gas T \u223c104\u22125K, and the LnLN GRBs are intervened by dust in hotter gas of T \u2265105K. Under the assumption that the hotter gas is presumably produced by shocks, which are more destructive to larger dust grains, one might suggest that dust becomes increasingly grayer from HnHL to LnHN to LnLN. One expectation is that some lines of sight, especially those for the HnLN and HnHN groups the total dust arise from multiple, di\ufb00erent temperature regions. This may provide a physical explanation for the observational indications of multiple dust components (e.g., Zafar et al. 2012). As a side note on the SFR of GRB hosts. Basa et al. (2012) place the star formation rate (SFR) of GRB 080913 at z = 6.7 to be less than 0.9 M\u2299/yr. Berger et al. (2007) obtain an upper bound on the star formation rate of GRB 050904 at z = 6.3 less than 5.7 M\u2299/yr. From the simulations we \ufb01nd that (42%, 57%, 66%) of GRBs occur in galaxies with SFR less than (0.3, 1.0, 3.0) M\u2299/yr. Thus, while simulations and observations are in good agreement, larger data sets are needed to place the comparisons on a solid statistical ground. Finally, we must stress that the analysis performed here has focused on the ISM embedding the GRBs at EoR. The exact details of the state of the IGM at EoR are uncertain both observationally and theoretically. The theoretical di\ufb03culty is in part computational, because we do not have the capability to simulate a large enough volume to capture of the reionization of the IGM selfconsistently, while still having enough resolution for the ISM. The goal of this work is to present the signatures of the ISM theoretically, which is lacking. It may be argued that the properties of ISM in galaxies are somewhat detached from the properties of the IGM on large scales; in other words, the observed spectra of GRB afterglows at EoR may be considered to be imprinted by both ISM and IGM as a linear superposition. Consequently, a proper understanding of the ISM will not only aid in the interpretation of the ISM of galaxies at EoR but also is highly needed for proper interpretation of the properties (neutral fraction, topology, etc) of the IGM at EoR. \f\u2013 11 \u2013 4."
+ },
+ {
+ "url": "http://arxiv.org/abs/1406.1467v1",
+ "title": "Gaussian Random Field: Physical Origin of Sersic Profiles",
+ "abstract": "While the Sersic profile family provide adequate fits for the surface\nbrightness profiles of observed galaxies, the physical origin is unknown. We\nshow that, if the cosmological density field are seeded by random gaussian\nfluctuations, as in the standard cold dark matter model, galaxies with steep\ncentral profiles have simultaneously extended envelopes of shallow profiles in\nthe outskirts, whereas galaxies with shallow central profiles are accompanied\nby steep density profiles in the outskirts. These properties are in accord with\nthose of the Sersic profile family. Moreover, galaxies with steep central\nprofiles form their central regions in smaller denser subunits that possibly\nmerge subsequently, which naturally leads to formation of bulges. In contrast,\ngalaxies with shallow central profiles form their central regions in a coherent\nfashion without significant substructure, a necessary condition for disk galaxy\nformation. Thus, the scenario is self-consistent with respect to the\ncorrelation between observed galaxy morphology and Sersic index. We predict\nfurther that clusters of galaxies should display a similar trend, which should\nbe verifiable observationally.",
+ "authors": "Renyue Cen",
+ "published": "2014-06-05",
+ "updated": "2014-06-05",
+ "primary_cat": "astro-ph.GA",
+ "cats": [
+ "astro-ph.GA"
+ ],
+ "main_content": "Introduction The process of galaxy formation has likely imprinted useful information in the stellar structures. A great amount of e\ufb00ort has been invested in characterizing detailed stellar structures of galaxies of all types, dating back to Plummer (1911) for globular clusters and Reynolds (1913) for the Andromeda, and if one is so inclined, to Kant (1755) who might be the \ufb01rst contemplating the shape of the Milky Way and island universes. In modern times, among the best known examples, the de Vaucouleurs (1948) law surface brightness I(R) \u221de\u2212kR1/4 (where R is radius and k a normalization constant) describes giant elliptical galaxies well, whereas the King (1962) law appears to provide better \ufb01ts for fainter elliptical galaxies; disk galaxies are in most cases described by the exponential disk model (Hodge 1971): I(R) \u221de\u2212kR. The major advantage of Sersic (1968) pro\ufb01le family I(R) \u221de\u2212kR1/n is that they provide an encompassing set of pro\ufb01les with n from less than 1 to as large as 10, including the exponential disk (n = 1) and de Vaucouleurs (n = 4) model. Even at the age of sophisticated hydrodynamic simulations, the physical origin of the Sersic pro\ufb01le family that have well described all galaxies remains enigmatic. This author is of the opinion that the nature of galaxy formation process in the context of modern cosmological structure formation model is perhaps too complex to warrant any possibility of analytic \ufb01ts to be accurate beyond the zero-th order. While e\ufb00orts to characterize deviations from or additions to the standard \ufb01ts are 1Princeton University Observatory, Princeton, NJ 08544; cen@astro.princeton.edu arXiv:1406.1467v1 [astro-ph.GA] 5 Jun 2014 \f\u2013 2 \u2013 not only necessary but also very important to account for rich galaxy data (e.g., Lauer et al. 1995), it would also seem bene\ufb01cial to construe the basic trend displayed by the wide applicability of the Sersic pro\ufb01le family to enhance our physical understanding of the galaxy formation process. In this Letter we provide a basic physical understanding of the Sersic pro\ufb01le family in the context of the standard cosmological model with gaussian random density \ufb01eld. Our simple analysis provides, for the \ufb01rst time, a self-consistent physical origin for the Sersic pro\ufb01le family. This also opens up the possibilities to explore the physical links to other properties of galaxies, since, for example, it comes natural and apparently inevitable that the steep pro\ufb01led galaxies have a much higher fraction of substructures that form early and interactions/mergers among them would lead to formation of elliptical galaxies, enabling a self-consistent picture. This study is the \ufb01fth paper in the series \u201cOn the Origin of the Hubble Sequence\u201d. 2. Gaussian Random Field and Sersic Pro\ufb01les The standard cosmological constant dominated cold dark matter cosmological model has a number of distinct features. One of the most important is that the initial density \ufb02uctuations are gaussian and random. As a result, the statistical properties are fully determined by a vector quantity, namely, the linear power spectrum of the density \ufb02uctuations, Pk, which is well determined by observations from the microwave experiments and others (e.g., Komatsu et al. 2011). Observational evidence is that allowed deviations from gaussianity are at the level of 10\u22123 and less in the linear regime (Planck Collaboration et al. 2013). In a gaussian random \ufb01eld, di\ufb00erent waves are superimposed on one another in a random fashion, with the ensemble of waves at a given length following gaussian distribution and the square of the mean equal to the amplitude of the power spectrum at that wavelength. Here, a simple illustration is shown to contain rich physics and can already account for the basic trend of the Sersic pro\ufb01les, which, more importantly, are additionally in accord with properties of galaxies other than the pro\ufb01les. Figure 1 shows an example of the formation of a massive galaxy that contains small-scale \ufb02uctuations with large amplitude (left panel) and an example of the formation of a massive galaxy that contains small-scale \ufb02uctuations with small amplitude (right panel). In both panels peaks that are above the horizontal red dot-dashed line would have collapsed by z = 1. Our choice of redshift z = 1 has no material consequence and we expect the generic trends should not depend on that choice. In the left panel we see that, between the two points where the blue dashed curve intersect the horizontal red dot-dashed line, there are three separate density peaks with peak amplitude of 6\u22127. Thus, a signi\ufb01cant portion of the three peaks would have collapsed by redshift z = 4 \u22126 to form three separate galaxies. Note that structures formed at higher redshifts tend to be denser than structures formed at lower redshifts. Therefore, these earlier structures would settle to form the dense central region. Although it is probable that the galaxies formed at the three separate peaks subsequently merge to form a dense elliptical galaxy, our conclusion of forming a dense central region \f\u2013 3 \u2013 \u22123 \u22122 \u22121 0 1 2 3 \u22128 \u22127 \u22126 \u22125 \u22124 \u22123 \u22122 \u22121 0 1 2 3 4 5 6 7 8 9 10 elliptical formation steep central profile with extended envelope spatial scale density fluctuation amplitude long wave fluctuations total fluctuations collapse amplitude \u22123 \u22122 \u22121 0 1 2 3 \u22128 \u22127 \u22126 \u22125 \u22124 \u22123 \u22122 \u22121 0 1 2 3 4 5 6 7 8 9 10 spatial scale spiral formation shallow central profile with steep outer profile long wave fluctuations total fluctuations collapse amplitude Fig. 1.\u2014 Left panel: shows an example of the formation of a massive galaxy at z = 1 that is overall determined by the large waves indicated by the blue dashed curve. On top of the large linear wave, there is small-scale linear wave of length 1/8 of the large one with a \ufb02uctuation amplitude 1.5 times larger than the large wave. Both long and short waves are chosen to be sinusoidal for the illustration. The sum of the long and short waves is shown as the black solid curve. The horizontal red dot-dashed line of amplitude value 1.68 indicates the amplitude of the \ufb02uctuation that has collapsed by z = 1. Right panel: same as the left panel except the small-scale wave has a \ufb02uctuation amplitude 10 times smaller than the large wave. Note that the examples are shown in 1-d but meant to be in 3-d. in this case does not necessarily require all of them to merge. Moreover, there are two somewhat smaller peaks at x values of \u223c\u22121.5 and \u223c+1.5 of amplitude \u223c4.5, which would have collapsed by redshift z = 2 \u22124. In addition, there two still smaller peaks at x values of \u223c\u22122.5 and \u223c+2.5 of amplitude \u223c2.5, which would have collapsed by redshift z = 1 \u22122. It is reasonable to expect that the four outer small galaxies would accrete onto the central galaxy to form the outer envelope by z = 0. Thus, this con\ufb01guration would form a central dense structure with a steep pro\ufb01le due to the early formation of the central subunits and their subsequent descent to the center (and possible merging), and an extended envelope due to later infall of small galaxies that form in outer regions at some earlier times, resulting in a pro\ufb01le resembling a Sersic pro\ufb01le with n \u226b1. This overall picture seems to resemble two-phase formation scenario for elliptical galaxies from detailed cosmological hydrodynamic simulations (Oser et al. 2010; Lackner et al. 2011). \f\u2013 4 \u2013 In the right panel we see that, between the two points where the blue dashed curve intersect the horizontal red dot-dashed line, there is no signi\ufb01cant substructure. Therefore, the collapse of the central region will be rather coherent without signi\ufb01cant central condensation (i.e., without a stellar bulge). Furthermore, there is no signi\ufb01cant density peak outside the central region that has collapsed; as a result, there is little stellar envelope due to late infall of small galaxies. Thus, this con\ufb01guration would form a galaxy with a shallow central density slope and a very steep outer slope. We suggest that this con\ufb01guration would form a bulge-less spiral galaxy with a pro\ufb01le similar to a Sersic pro\ufb01le with n = 1. A corollary is that the con\ufb01guration depicted in the right panel would occur in a \u201cquiet\u201d environment, which may be quantitatively described as having a small pair-wise velocity dispersion (Davis & Peebles 1983) or a high Mach number (Suto et al. 1992). Our local environment appears to belong to this category. Perhaps this explains why there is preponderence of giant bulge-less galaxies in our neighborhood (Kormendy et al. 2010). This does not necessarily suggest that the observed large fraction (\u223c50%) of large bulge-less galaxies in our local universe is representative for the universe as a whole. Our own expectation is that the fraction of large bulge-less galaxies, averaged over the entire universe, will be substantially lower than that seen in the very local neighborhood. Future surveys with resolutions as good as those for local galaxies now can check this. It is easy to imagine a variety of con\ufb01gurations that may fall in-between these two (nearly) bookend examples. Since the gaussian density \ufb02uctuation is \u201ccompensated\u201d in the sense that the large density peak tends to be sandwiched by a pair of troughs, the expected trend is this: a larger degree of central substructure is accompanied by a larger degree of substructure in the outskirts, whereas a lesser degree of central substructure is accompanied by a lesser degree of substructure in the outskirts. Since the total density \ufb02uctuations are linear combinations of each independent waves, one can generalize the con\ufb01gurations from two waves to an arbitrary number of waves but the trend seen in Figure 1 remains. In short, the generic trend obtained essentially hinges on two important features of the gaussian random \ufb01eld: each density wave is compensated and independent. 3. Discussion and"
+ },
+ {
+ "url": "http://arxiv.org/abs/1405.0516v1",
+ "title": "Evolution of Cold Streams and Emergence of the Hubble Sequence",
+ "abstract": "A new physical framework for the emergence of the Hubble sequence is\noutlined, based on novel analyses performed to quantify the evolution of cold\nstreams of a large sample of galaxies from a state-of-the-art ultra-high\nresolution, large-scale adaptive mesh-refinement hydrodynamic simulation in a\nfully cosmological setting. It is found that the following three key physical\nvariables of galactic cold inflows crossing the virial sphere substantially\ndecrease with decreasing redshift: the number of streams N_{90} that make up\n90% of concurrent inflow mass flux, average inflow rate per stream dot M_{90}\nand mean (mass flux weighted) gas density in the streams n_{gas}. Another key\nvariable, the stream dimensionless angular momentum parameter lambda, instead\nis found to increase with decreasing redshift. Assimilating these trends and\nothers leads naturally to a physically coherent scenario for the emergence of\nthe Hubble sequence, including the following expectations: (1) the predominance\nof a mixture of disproportionately small irregular and complex disk galaxies at\nz>2 when most galaxies have multiple concurrent streams, (2) the beginning of\nthe appearance of flocculent spirals at z~1-2 when the number of concurrent\nstreams are about 2-3, (3) the grand-design spiral galaxies appear at z<1 when\ngalaxies with only one major cold stream significantly emerge. These expected\ngeneral trends are in good accord with observations. Early type galaxies are\nthose that have entered a perennial state of zero cold gas stream, with their\nabundance increasing with decreasing redshift.",
+ "authors": "Renyue Cen",
+ "published": "2014-05-02",
+ "updated": "2014-05-02",
+ "primary_cat": "astro-ph.GA",
+ "cats": [
+ "astro-ph.GA"
+ ],
+ "main_content": "Introduction Despite the commendable successes, a systematic physical theory for the origin of the Hubble (1926) sequence the holy grail of galaxy formation remains elusive. While the greatly increased richness in observational data has prompted revisions in the classi\ufb01cation (van den Bergh 1976; Sandage & Binggeli 1984; Cappellari et al. 2011; Kormendy & Bender 2012) that have provided more coherence along each sequence and counterpart identi\ufb01cations across di\ufb00erent sequences (e.g., S0 versus S sequences), it has not, for the most part, signi\ufb01cantly improved the clarity of our physical understanding of the Hubble sequence. It seems that this perpetual state of perplexity does not stem from lack of freedom to parameterize input physics, such as in the semi-analytic and other 1Princeton University Observatory, Princeton, NJ 08544; cen@astro.princeton.edu arXiv:1405.0516v1 [astro-ph.GA] 2 May 2014 \f\u2013 2 \u2013 phenomenological approaches. Rather, there are key physical ingredients that are not understood to even be parameterized. One such physical ingredient is the environment, which is a hard problem to address computationally, due to the twin requirements of capturing large-scale environment and small-scale structure, and di\ufb03cult to parameterize due to diversity. Our recent analysis has shown that the quenching and color migration for the vast majority of galaxies may be primarily due to environment e\ufb00ects (Cen 2014b), which has recently received signi\ufb01cant observational support (e.g., Lin et al. 2014; Carollo et al. 2014; Muzzin et al. 2014). There are enough both direct evidence and theoretical insights gained in galaxy interactions (e.g., Mihos & Hernquist 1996) or analytic analyses (e.g., Fall & Efstathiou 1980; Mo et al. 1998) to conclude that angular momentum is another key physical ingredient in galaxy formation theory. The possibility that the angular momentum dynamics of gas accretion is complex in a cosmological setting and di\ufb00erent from that of dark matter (Bullock et al. 2001) is under-appreciated. Recent studies begin to show that angular momentum dynamics of gas and stars in the inner regions are only loosely, at best, related to that of dark matter halos (e.g., Hahn et al. 2010; Cen 2014a). One could suggest that the diversity of galaxies and its evolution the Hubble sequence and its emergence may be substantially governed by the complexity and trends of dynamics of cold (T < 105K) gas streams with respect to their number, mass \ufb02ux, density and angular momentum, since they provide the main fuel for galaxy formation. Such suggestion is, so far, without formal proof. This study provides analyses on cold streams, utilizing a large sample of ultra-highly resolved galaxies from an ab initio Large-scale Adaptive-mesh-re\ufb01nement Omniscient Zoom-In cosmological hydrodynamic simulation (LAOZI) of the standard cold dark matter model. It is shown that the cold gas accretion \ufb02ows display physical trends that can provide a self-consistent account for the origin of the emergence of the Hubble sequence. This study is built on insights from recent innovative work (Kere\u02c7 s et al. 2005; Dekel & Birnboim 2006; Nelson et al. 2013) that suggests, to varying degrees, a two-mode gas accretion onto galaxies, in contrast to the classic description of gas cooling following virialization heating (Rees & Ostriker 1977; Silk 1977; Binney 1977; White & Rees 1978). There are currently signi\ufb01cant quantitative di\ufb00erences concerning the cold streams from di\ufb00erent simulation groups (see references above), which may be, in part, due to di\ufb00erent tracking methods. The method for identifying cold gas streams described in \u00a72 may be used to enable a uniform comparison. 2. Cosmological Simulations and Identi\ufb01cation of Cold Streams The reader is referred to Cen (2014b) for detailed descriptions of our simulations. Brie\ufb02y, a zoom-in region of comoving size of 21 \u00d7 24 \u00d7 20h\u22123Mpc3 is embedded in a 120h\u22121Mpc periodic box and resolved at 114h\u22121pc physical. Cosmological parameters are from WMAP7 (Komatsu et al. 2011): \u2126M = 0.28, \u2126b = 0.046, \u2126\u039b = 0.72, \u03c38 = 0.82, H0 = 100h km s\u22121Mpc\u22121 = 70 km s\u22121Mpc\u22121 and n = 0.96. The zoom-in region is centered on a cluster of mass of \u223c3 \u00d7 1014 M\u2299at z = 0 hence represents a 1.8\u03c3 \ufb02uctuation for the volume. As a result, the development of structure formation is somewhat more advanced compared to that of the cosmic mean, and we take that into account when drawing conclusions with respect to the universe as a whole. Equations governing motions of dark matter, gas and stars, and thermodynamic state of gas are followed, using the adaptive mesh \f\u2013 3 \u2013 re\ufb01nement cosmological hydrodynamic code Enzo (Bryan et al. 2014). The simulations include a metagalactic UV background (Haardt & Madau 2012) with self-shielding (Cen et al. 2005), a metallicity-dependent radiative cooling (Cen et al. 1995). Star particles are created in cells that satisfy a set of criteria (Cen & Ostriker 1992), essentially equivalent to the Kennicutt (1998) law. Each star particle is tagged with its initial mass, creation time, and metallicity; star particles typically have masses of \u223c106 M\u2299. Supernova feedback from star formation is modeled following Cen et al. (2005). At any epoch stellar particles are grouped using HOP (Eisenstein & Hut 1998) to create galaxy catalogs. For each galaxy we have its exact star formation history, given its member stellar particles formation times. None of the galaxies used in the analysis contains more than 1% in mass, within the virial radius, of dark matter particles other than the \ufb01nest particles. Galaxy catalogs are constructed from z = 0.62 to z = 1.40 at a redshift increment of \u2206z = 0.02 and from z = 1.40 to z = 6 at a redshift increment of \u2206z = 0.05. Thus, when we say, for example, galaxies of stellar masses 1010\u221211 M\u2299in the redshift range z = 2 \u22123, it means that we include galaxies with stellar masses from 1010 to 1011 M\u2299from 21 snapshots (z = 2, 2.05, ..., 2.95, 3). For the four redshift ranges analyzed, z = (0.62 \u22121, 1 \u22122, 2 \u22123, 3 \u22124), there are (5754, 9395, 4522, 1507) galaxies of stellar mass in the range 1010\u221211 M\u2299, and (628, 964, 232, 28) galaxies of stellar mass in the range 1011\u221212 M\u2299. Proper identi\ufb01cation of gas streams has not been demonstrated so far. Visual inspection may be able to pick out prominent ones, although it lacks the ability to separate out multi streams and becomes impractical for large samples. Real-space search for \ufb01lamentary structures for large-scale structure have enjoyed some successes (e.g., Bond et al. 2010) but the following two issues make them less usable for gas streams. First, non-radial streams could easily bend during travel, maybe resembling things that may look like spirals; even radial streams will bend due to \ufb02uid drag. Second, gas along a stream is generally broken up (due to thermal and gravitational instabilities as well as other interactions) to look more like a pearl necklace than a creek. We have explored using some constants of motion to devise an automated scheme and \ufb01nally focused on the angular momentum vector. We \ufb01nd that the following two variables the amplitude of the total speci\ufb01c angular momentum (J) and the cosine of the angle [cos(\u03b8)] between the total speci\ufb01c angular momentum and a \ufb01xed vector (say, z direction) de\ufb01ne a parameter space for identifying and separating out co-eval, distinct streams. Operationally, for a galaxy we accumulate in\ufb02ow gas \ufb02ux in the radial range (1 \u22121.3)rv (rv=virial radius) in the J \u2212cos(\u03b8) plane with 50 \u00d7 50 grid points, spanning uniformly the J range [0, 20] \u00d7 104 km/s kpc and cos(\u03b8) range [\u22121, 1]. In\ufb02ow gas is de\ufb01ned to be gas with the radial component of its velocity pointing to the center. Only gas with T \u2264105K is included. The mass \ufb02ux of each \ufb02uid cell i in the radial range (1 \u22121.3)rv is computed as 4\u03c0\u03c1ivi\u2206x2 i /\u03a3 \u2206x2 i r2 i , where \u03c1i is gas density, vi the radial velocity, \u2206xi the cell size, ri radial distance from the center, and the sum is performed over all cells in the radial range. The 4\u03c0 and the sum term serve to make sure that \ufb02uxes are properly normalized, when all the gas cells in the radial shell are collected, regardless of the thickness of the radial shell. Once mass \ufb02uxes are accumulated in the 2-d parameter plane, smoothing is applied to smooth out \ufb02uctuations among adjacent entries in the 2-d phase plane. The choice of the smoothing window size does not alter results in material way, as long as over smoothing is avoided; a 3-point boxcar smoothing is used. With the smoothed \ufb02ux map, we \f\u2013 4 \u2013 J (104 km/s kpc) cos(e) 1 2 3 0 1 2 3 4 5 6 7 8 9 \u22121 \u22120.5 0 0.5 1 log cold gas inflow flux (Msun/yr) \u22124 \u22123 \u22122 \u22121 0 1 2 Fig. 1.\u2014 Top panel: shows a 3-d visualization of a galaxy of stellar mass 4.7 \u00d7 1011 M\u2299at z = 3. The box has a width of 2.6 times the virial radius. The (yellow,purple) isodensity surfaces have values (\u223c10\u22122, \u223c10\u22121)cm\u22123. Bottom panel: shows the gas in\ufb02ow \ufb02ux in the radial range (1 \u22121.3)rv, in the two-dimensional J-cos(\u03b8) phase space. The total gas in\ufb02ow rate of the galaxy is 388 M\u2299yr\u22121 (and star formation rate of 254 M\u2299yr\u22121) and nine signi\ufb01cant streams are identi\ufb01ed. The top three streams make up 90% of the total in\ufb02ow rate and are labelled with numbers (1, 2, 3), with their respective in\ufb02ow rates being (211, 79, 61) M\u2299yr\u22121. \f\u2013 5 \u2013 employ a procedure analogous to the DENMAX scheme used to identify dark matter halos (Gelb & Bertschinger 1994). Each entry is propagated along the steepest uphill gradient until it reaches a local maximum of \ufb02ux and is said to belong to that local maximum. All entries in the 2-d phase plane belonging to a same maximum are collected together to de\ufb01ne one distinct stream, with a number of attributes, including mean location in the parameter plane, total \ufb02ux, \ufb02ux-weighted gas density, temperature. We rank order the streams according to their \ufb02uxes, and de\ufb01ne N90 to be the top number of streams that make up 90% of total concurrent cold gas in\ufb02ow rate. If the 90% falls between two streams, we linearly interpolate to \ufb01nd N90, which hence could be non-integer. When there is no signi\ufb01cant stream, N90 = 0. Figure 1 demonstrates how well this phase-space identi\ufb01cation scheme works. For this galaxy at z = 3 the identi\ufb01cation scheme \ufb01nds nine signi\ufb01cant streams with the top three streams making up 90% of the cold in\ufb02ux. Even through it is not easy to discern visually all streams, it appears that nine is consistent with the 3-d rendering in the top panel. The fact that the scheme picks out nine streams in this complex setting is a convincing demonstration of its e\ufb03cacy. It is evident that there are indeed three major streams around the virial sphere, seen as three prominent yellow tubes with purple spines. Part of the motivation of this paper is to demonstrate this method of cold stream identi\ufb01cation in a complex cosmological setting that may be used by other authors. 3. Results Figure 2 shows the PDF of the number of streams (N90). Three most important trends are immediately visible. First, larger galaxies tend to have more streams at z > 2, although for the two mass ranges considered the di\ufb00erences become insigni\ufb01cant at z \u22642. Second, N90 steadily and signi\ufb01cantly decreases with decreasing redshift. The median N90 is (2.3, 4.0) for (1010 \u22121011, 1011 \u2212 1012) M\u2299galaxies at z = 3 \u22124, which becomes (2.0, 3.5) at z = 2 \u22123, (1.6, 1.9) at z = 1 \u22122 and (1.0, 1.6) at z = 0.62 \u22121. Third, the rate of decrease of N90 with decreasing redshift appears to be faster for the higher mass galaxies. Figure 3 shows the PDF of cold in\ufb02ow rate per stream, \u02d9 M90, de\ufb01ned to be 90% of the total cold accretion rate divided by N90. There is a signi\ufb01cant decline with decreasing redshift, with the median \u02d9 M90 being (33, 52) M\u2299/yr for (1010 \u22121011, 1011 \u22121012) M\u2299galaxies at z = 3 \u22124, declining to (21, 50) M\u2299/yr at z = 2 \u22123, (13, 20) M\u2299/yr at z = 1 \u22122 and (5, 8) M\u2299/yr at z = 0.62 \u22121. The rapid decrease of both \u02d9 M90 and N90 (seen in Figure 2) with decreasing redshift makes it clear that the total cold gas in\ufb02ow rate has experienced a very dramatic decline with decreasing redshift a factor of \u223c10 from z = 3 \u22124 to z = 0.62 \u22121 at a given galaxy mass. This is consistent with the decline of the global evolution of star formation rate density seen in our simulations (Cen 2011) and observations (Hopkins & Beacom 2006). Analysis by Conselice et al. (2013) suggests that 66 \u00b1 20 of star formation be due to cold accretion, which would be further increased considering inevitable signi\ufb01cant out\ufb02ows, fully consistent with our predictions, although it is noted that they can not di\ufb00erentiate between accretion of cold streams or gas cooling from the hot halo. Simulations indicate, not shown here, the cold gas in\ufb02ow rate is on the order of and on average exceeds the star formation rate. \f\u2013 6 \u2013 0 1 2 3 4 5 6 7 8 0 0.1 0.2 0.3 0.4 0.5 PDF z=3\u22124 1010\u221211 1011\u221212 0 1 2 3 4 5 6 7 8 0 0.1 0.2 0.3 0.4 0.5 z=2\u22123 1010\u221211 1011\u221212 0 1 2 3 4 5 6 7 8 0 0.1 0.2 0.3 0.4 0.5 N90 PDF z=1\u22122 1010\u221211 1011\u221212 0 1 2 3 4 5 6 7 8 0 0.1 0.2 0.3 0.4 0.5 N90 z=0.62\u22121 1010\u221211 1011\u221212 Fig. 2.\u2014 shows the probability distribution functions (PDFs) of N90 in four separate redshift ranges, z = 3 \u22124 (top-left panel), z = 2 \u22123 (top-right panel), z = 1 \u22122 (bottom-left panel) and z = 0.62 \u22121 (bottom-right panel). In each panel, two di\ufb00erent stellar mass ranges are shown, 1010 \u22121011 M\u2299(blue histograms) and 1011 \u22121012 M\u2299(red histograms). The vertical dashed lines indicate the median of the PDF of the same color. Figure 4 shows the PDF of dimensionless spin parameter \u03bb (\u2261j/\u221a2GMvrv) for individual streams in the top N90, where j is the mass \ufb02ux-weighted mean speci\ufb01c angular momentum of a stream, and Mv and rv are the virial mass and radius of the galaxy. One feature is observed to stand out: lower mass galaxies (blue histograms) tend to have streams with higher \u03bb than more mass galaxies (red histograms). Whether this trend has some bearing on the dominance of elliptical galaxies at the high mass end among galaxies should be clari\ufb01ed with further studies. For the high stellar galaxies of 1011 \u22121012 M\u2299(red histograms) \u03bb evolves little over the entire redshift range, whereas the less massive subset (1010 \u22121011 M\u2299, blue histograms) displays a steady increase of \u03bb from z = 4 to z = 0.62. It is intriguing that the fraction of \u03bb exceeding 1 is substantial at z \u22642, which is likely instrumental to the emergence of large-scale spiral structures below z = 2. Figure 5 shows the PDF of mean density of in\ufb02ow cold gas. Three trends are noted. First, the stream density depends strongly on redshift, with the median being \u223c10\u22122cm\u22123 at z = 2 \u22124, \u223c10\u22123 \u221210\u22122.5cm\u22123 at z = 1 \u22122 and 10\u22123.5 \u221210\u22123cm\u22123 at z = 0.62 \u22121. Second, while the more massive galaxies, on average, tend to have somewhat higher stream gas density than less massive galaxies at lower redshift (z = 0.6 \u22121), the di\ufb00erence gradually diminishes towards higher redshift. This particular trend, while slightly puzzling, can be reconciled if there is a natural selection e\ufb00ect where strong streams can survive in the midst of gravitational heating environment. Third, at z = 0.62 \u22121 there is a dramatic increase of galaxies with very low density streams, which likely re\ufb02ects the increased importance of hot accretion at low redshift. \f\u2013 7 \u2013 0 25 50 75 100 125 150 0 0.1 0.2 PDF z=3\u22124 1010\u221211 1011\u221212 0 25 50 75 100 125 150 0 0.1 0.2 z=2\u22123 1010\u221211 1011\u221212 0 25 50 75 100 125 150 0 0.1 0.2 0.3 0.4 0.5 0.6 \u02d9 M90 (M\u2299/yr) PDF z=1\u22122 1010\u221211 1011\u221212 0 25 50 75 100 125 150 0 0.1 0.2 0.3 0.4 0.5 0.6 \u02d9 M90 (M\u2299/yr) z=0.62\u22121 1010\u221211 1011\u221212 Fig. 3.\u2014 shows the PDF of cold in\ufb02ow rate per stream, \u02d9 M90, de\ufb01ned to be 90% of the total cold accretion rate divided by N90, for four separate redshift ranges, z = 3\u22124 (top-left panel), z = 2\u22123 (top-right panel), z = 1\u22122 (bottom-left panel) and z = 0.62\u22121 (bottom-right panel). In each panel, two di\ufb00erent stellar mass ranges are shown, 1010 \u22121011 M\u2299(blue histograms) and 1011 \u22121012 M\u2299 (red histograms). The vertical dashed lines indicate the median of the PDF of the same color. 4. A New Physical Scenario for the Emergence of the Hubble Sequence The quantitative, new characterizations and trends presented in \u00a73 on cold gas streams their number, mass \ufb02ux, density and angular momentum provide the physical basis to construct a working framework. Rather than detailed quantitative descriptions, which are beyond the scope of this Letter and will be carried out separately, we provide a set of three key physical elements as a useful guide to investigating, in the context of the standard cold dark matter model, the general morphological trends of galaxies with redshift the emergence of the Hubble sequence. A consequential but necessary ansatz is that the formation of prominent spiral structures as well as star formation in galaxies have cosmological origins and are primarily fed by cold streams. \u2022 Origin of Small, Clumpy Galaxies at z > 2 While galaxy mergers and interactions may play varying roles, ultimately, the morphological traits of galaxy formation are expected to be largely governed by the nature of gas supply and dynamics, with feedback perhaps playing a role of regulation of the quantity of star formation. Given that most galaxies at z > 2 have N90 \u22652 cold gas streams of high gas density (ngas) that is more conducive to fragmentations (e.g., Dekel et al. 2009b), the expectation is that feeding of and interactions between multiple concurrent streams at high redshift would result in a population of galaxies with fragmented, clumpy and frequently multiple (gaseous and stellar) disks. This is in line with the observed increasing dominance of a mixture of disk-like, irregular and clumpy galaxies towards high redshift (e.g., F\u00a8 orster Schreiber et al. 2009; \f\u2013 8 \u2013 0 1 2 3 4 0 0.1 0.2 PDF z=3\u22124 1010\u221211 1011\u221212 0 1 2 3 4 0 0.1 0.2 z=2\u22123 1010\u221211 1011\u221212 0 1 2 3 4 0 0.1 0.2 h PDF z=1\u22122 1010\u221211 1011\u221212 0 1 2 3 4 0 0.1 0.2 h z=0.62\u22121 1010\u221211 1011\u221212 Fig. 4.\u2014 shows the PDF of \u03bb (\u2261j/\u221a2GMvrv) for individual streams in the top N90, for four separate redshift ranges, z = 3 \u22124 (top-left panel), z = 2 \u22123 (top-right panel), z = 1 \u22122 (bottomleft panel) and z = 0.62 \u22121 (bottom-right panel). In each panel, two di\ufb00erent stellar mass ranges are shown, 1010 \u22121011 M\u2299(blue histograms) and 1011 \u22121012 M\u2299(red histograms). The vertical dashed lines indicate the median of the PDF of the same color. Chevance et al. 2012; Murata et al. 2014). Interactions of streams are e\ufb00ective at producing low angular momentum gas, with the expectation that galaxies at high redshift are disproportionately small in size compared to their low redshift counterparts, a trend that is observed (e.g., Trujillo et al. 2006) and seen in simulations (e.g., Joung et al. 2009). \u2022 Emergence of Spiral Structures at z \u22642 Galaxies have multiple concurrent cold streams (N90) of high accretion rates ( \u02d9 M90), lower angular momenta (\u03bb) and high gas densities (ngas) at z > 2, each of which is detrimental to the formation of grand spiral structures. It appears that nature has arranged against grand design spiral formation at high redshift with plenty of insurance. While one can not come up with a set of su\ufb03cient conditions for the emergence of grand design spirals, it seems physically reasonable to assume that not having more than one concurrent major cold streams is requisite for the emergence of grand design spirals. Our analysis indicates that this condition is expected to occur at z \u22641, suggesting that major spiral galaxies begin to emerge at z \u22641. The signi\ufb01cantly larger \u03bb for galaxies in the stellar mass range 1010\u221211 M\u2299than 1011\u221212 M\u2299(see Figure 4) is interesting, implying that the largest galaxies in the universe at any redshift possess less favorable conditions to form large spirals. Between z = 1 \u22122, about one half of the galaxies have one or two concurrent streams, which we suggest give rise to \ufb02occulent spirals stemming from a collection of disjoint but relatively frequent in\ufb02ow streams. These expectations are in agreement with extant observational indications (e.g., Elmegreen & Elmegreen 2014). \f\u2013 9 \u2013 \u22126 \u22125 \u22124 \u22123 \u22122 \u22121 0 0 0.1 PDF z=3\u22124 1010\u221211 1011\u221212 \u22126 \u22125 \u22124 \u22123 \u22122 \u22121 0 0 0.1 z=2\u22123 1010\u221211 1011\u221212 \u22126 \u22125 \u22124 \u22123 \u22122 \u22121 0 0 0.1 0.2 0.3 log ngas (cm\u22123) PDF z=1\u22122 1010\u221211 1011\u221212 \u22126 \u22125 \u22124 \u22123 \u22122 \u22121 0 0 0.1 0.2 0.3 log ngas (cm\u22123) z=0.62\u22121 1010\u221211 1011\u221212 Fig. 5.\u2014 shows the PDF of mean density of in\ufb02ow cold gas in four separate redshift ranges, z = 3\u22124 (top-left panel), z = 2\u22123 (top-right panel), z = 1\u22122 (bottom-left panel) and z = 0.62\u22121 (bottomright panel). In each panel, two di\ufb00erent stellar mass ranges are shown, 1010 \u22121011 M\u2299(blue histograms) and 1011 \u22121012 M\u2299(red histograms). The mean density is averaged over all streams for each individual galaxy, weighted by in\ufb02ow mass \ufb02uxes of individual streams. The vertical dashed lines indicate the median of the PDF of the same color. \u2022 Conditions for Early Type Galaxy Formation The physical conditions for the emergence of early type galaxies are naturally diametrically opposed to those of irregular galaxies. For early type galaxies there is no cold gas stream with no recurrence. This condition is physically more natural than the proposed transition to hot accretion based on halo mass threshold (Kere\u02c7 s et al. 2005; Dekel & Birnboim 2006; Nelson et al. 2013), which would be inconsistent with signi\ufb01cant star formation in massive galaxies at high redshift (Dekel et al. 2009a). High density environment is shown to be a good proxy for the emergence of early type galaxies (Cen 2014b). Because of the association of massive halos with high overdensities of large-scale structure, more massive early type galaxies are expected to have emerged earlier, consistent with observations (e.g., Mortlock et al. 2013). For the same reason, early type galaxies are expected to be somewhat older in clusters than in \ufb01eld, in agreement with observations (e.g., Thomas et al. 2005). One also expects that, while early type galaxies occur at all redshifts, their abundance is expected to increase with decreasing redshift as more regions become dynamically hot, in agreement with observations (e.g., Renzini 2006). However, below z \u223c1 the rate of increase of the abundance of giant ellipticals is expected to drop o\ufb00, as the nonlinear Mnl starts to signi\ufb01cantly exceed the mass scales of giant ellipticals, in agreement with observations (e.g., Borch et al. 2006). \f\u2013 10 \u2013 The analysis program yt (Turk et al. 2011) is used to perform some of the analysis. Computing resources were in part provided by the NASA HighEnd Computing (HEC) Program through the NASA Advanced Supercomputing (NAS) Division at Ames Research Center. This work is supported in part by grant NASA NNX11AI23G."
+ },
+ {
+ "url": "http://arxiv.org/abs/1403.5274v1",
+ "title": "Frequent Spin Reorientation of Galaxies due to Local Interactions",
+ "abstract": "We study the evolution of angular momenta of ($M_*=10^{10}-10^{12}\\msun$)\ngalaxies utilizing large-scale ultra-high resolution cosmological hydrodynamic\nsimulations and find that spin of the stellar component changes direction\nfrequently, caused by major mergers, minor mergers, significant gas inflows and\ntorques by nearby systems. The rate and nature of change of spin direction can\nnot be accounted for by large-scale tidal torques, because the latter fall\nshort in rates by orders of magnitude and because the apparent random swings of\nthe spin direction are inconsistent with alignment by linear density field. The\nimplications for galaxy formation as well as intrinsic alignment of galaxies\nare profound. Assuming the large-scale tidal field is the sole alignment agent,\na new picture emerging is that intrinsic alignment of galaxies would be a\nbalance between slow large-scale coherent torquing and fast spin reorientation\nby local interactions. What is still open is whether other processes, such as\nfeeding galaxies with gas and stars along filaments or sheets, introduce\ncoherence for spin directions of galaxies along the respective structures.",
+ "authors": "Renyue Cen",
+ "published": "2014-03-20",
+ "updated": "2014-03-20",
+ "primary_cat": "astro-ph.CO",
+ "cats": [
+ "astro-ph.CO",
+ "astro-ph.GA"
+ ],
+ "main_content": "Introduction The angular momentum or spin of galaxies is a physical quantity that is far from being fully understood but is of fundamental importance to galaxy formation and cosmological applications. While N-body simulations have shed useful light on spin properties of dark matter halos (e.g., Vitvitska et al. 2002), it is expected that, given the vastly di\ufb00erent scales between the stellar component and dark matter halo component and di\ufb00erent physical processes governing stellar, gas and dark matter components, the angular momentum dynamics of galaxies may be quite di\ufb00erent and not necessarily inferable from N-body simulations with any reasonable accuracy. We herewith perform a detailed analysis of the dynamics of spin of galaxies in a full cosmological context, utilizing ab initio LAOZI cosmological hydrodynamic simulations of the standard cold dark matter model (Cen 2014) with an unprecedented 1Princeton University Observatory, Princeton, NJ 08544; cen@astro.princeton.edu arXiv:1403.5274v1 [astro-ph.CO] 20 Mar 2014 \f\u2013 2 \u2013 galaxy sample size and ultra-high numerical resolution. This paper is the second in the series \u201cOn the Origin of the Hubble Sequence\u201d. 2. Method The reader is referred to Cen (2014) for detailed descriptions of our simulations and validations. Brie\ufb02y, we perform cosmological simulations with the adaptive mesh re\ufb01nement hydrocode, Enzo (The Enzo Collaboration et al. 2013). The periodic box has a size of 120h\u22121Mpc, within which a zoom-in box of a comoving size of 21 \u00d7 24 \u00d7 20h\u22123Mpc3 is emdedded. The resolution is better than 114h\u22121pc (physical). The cosmological parameters are the same as the WMAP7-normalized (Komatsu et al. 2010) \u039bCDM model. We identify galaxies using the HOP algorithm (Eisenstein & Hut 1998) operating on the stellar particles. A sample of \u2265300 galaxies with stellar masses greater than 1010 M\u2299are used. For each galaxy at z = 0.62 a genealogical line is constructed from z = 0.62 to z = 6 by connecting galaxy catalogs at a series of redshifts. Galaxy catalogs are constructed from z = 0.62 to z = 1.40 at a redshift increment of \u2206z = 0.02 (corresponding to \u2206t = 81Myr at z = 1) and from z = 1.40 to z = 6 at a redshift increment of \u2206z = 0.05 (corresponding to \u2206t = 80Myr at z = 2). The parent of each galaxy is identi\ufb01ed with the one at the next higher redshift catalog that has the most overlap in stellar mass. We compute the speci\ufb01c angular momentum vector \u20d7 ji for stars of each galaxy within a radius r at each output snapshot i. The time derivative of \u20d7 ji is computed as |d\u20d7 ji/dt| \u2261|\u20d7 ji+1 \u2212\u20d7 ji|/(ti+1 \u2212ti). (1) One notes that due to the \ufb01nite number of outputs for our simulation data, d\u20d7 j\u2217/dt is somewhat underestimated in cases of rapid changes of angular momentum on time scales shorter than our snapshot intervals. A similar de\ufb01nition for gas is also used. We denote t1 as the time required to change the spin vector by 1 degree of arc at each snapshot for each galaxy, de\ufb01ned as t1 \u2261 \u03c0 180(ti+1 \u2212ti)acos\u22121(\u02c6 ji+1 \u00b7 \u02c6 ji), (2) where \u02c6 ji is the unit vector of \u20d7 ji. For the \ufb01rst time, we address the evolution of the spin of galaxies statistically in a cosmological setting. All length units below will be physical. 3. Results Figure 1 shows the dot product of the unit vector of the speci\ufb01c angular momentum of the central 3kpc radius stellar region and an arbitrary \ufb01xed unit vector as a function of \f\u2013 3 \u2013 0.5 1 2 3 4 5 \u22121 \u22120.5 0 0.5 1 \u02c6 j\u2217\u00b7 \u02c6 n log M*=11.65 log M* 0.5 1 2 3 4 5 \u22121 \u22120.5 0 0.5 1 log M*=11.16 0.5 1 2 3 4 5 \u22121 \u22120.5 0 0.5 1 \u02c6 j\u2217\u00b7 \u02c6 n log M*=10.99 0.5 1 2 3 4 5 \u22121 \u22120.5 0 0.5 1 log M*=10.88 0.5 1 2 3 4 5 \u22121 \u22120.5 0 0.5 1 \u02c6 j\u2217\u00b7 \u02c6 n z log M*=10.5 0.5 1 2 3 4 5 \u22121 \u22120.5 0 0.5 1 z log M*=10.25 Fig. 1.\u2014 shows in blue the dot product of the unit vector of the speci\ufb01c angular momentum of the central 3kpc stellar region and an arbitrary \ufb01xed (in time) unit vector as a function of redshift. Each panel shows a random galaxy with its \ufb01nal stellar mass at z = 0.62 as indicated at the top of the panel. Also shown in each panel as a red dashed line is the logarithm of the stellar mass with an arbitrary vertical o\ufb00set. redshift in blue. It is visible that a signi\ufb01cant increase in stellar mass within a short period of time (i.e., mergers) is often accompanied by dramatic changes in angular momentum vectors. We note that the angular momentum vector of a galaxy over its history displays a substantial amount of change even in \u201cquiet\u201d times without major mergers. Ensuing analysis provides some physical insight into this. The top panel of Figure 2 shows the PDF of the time derivative of speci\ufb01c angular momentum of the central 3kpc radius stellar regions for galaxies of stellar mass in the range 1011 \u22121012 M\u2299. The middle panel shows the same as in the top panel, except it is for the central 7kpc radius stellar regions. We see that the overall rate of change of angular momenta is signi\ufb01cantly higher at z = 1 \u22123 compared to that at z = 0.6 \u22121. The distribution of |d\u20d7 j\u2217/dt| has an extended tail at the high-end, due to major mergers; due to our \ufb01nite time sampling these rates are capped by the frequency of our snapshots. \f\u2013 4 \u2013 1 2 3 4 0 0.1 0.2 log|d\u20d7 j\u2217(3kpc )/dt| (kpc km/s/Gyr) PDF z=0.62\u22121 z=1\u22122 z=2\u22123 1 2 3 4 0 0.1 0.2 log|d\u20d7 jg as(3kpc )/dt| (kpc km/s/Gyr) PDF Ms = 1011 \u22121012M\u2299 1 2 3 4 0 0.1 0.2 log|d\u20d7 j\u2217(7kpc )/dt| (kpc km/s/Gyr) PDF Fig. 2.\u2014 Top panel: the probability distribution function (PDF) of the amplitude of the time derivative of speci\ufb01c angular momentum of the central 3kpc radius stellar regions (see Eq 1) for galaxies of total stellar mass in the range 1011 \u22121012 M\u2299in three di\ufb00erent redshift ranges, z = 0.62 \u22121 (black histograms), z = 1 \u22122 (red histograms), z = 2 \u22123 (green histograms), respectively. As an intuitive example, if a Milky Way-like galaxy of size 10kpc and rotation velocity of 200km/s changes its spin direction by 90 degress in one current Hubble time, it would correspond to a value log |dj/dt| equal to 2.3 in the x-axis. Middle panel: same as the top panel but for the central 7kpc radius stellar region. Bottom panel: same as the top panel but for gas in the central 3kpc radius region. Consistent with the expected decline of major merger rate below z \u223c1, the high |d\u20d7 j\u2217/dt| tail of the distribution at z = 0.6\u22121 is signi\ufb01cantly less pronounced. No major di\ufb00erence is seen between 3kpc and 7kpc cases, suggesting that angular momentum changes within the two radii are approximately in tandem and our analysis is robust using 3kpc. The choice of 3\u22127 proper kpc is appropriate by noting that a (spiral, elliptical) galaxy of stellar mass 1012 M\u2299 is observed to have a size of (10.8, 15.1)kpc (Shen et al. 2003) for low redshift galaxies. The size roughly scales with the root of the stellar mass and decreases with increasing redshift (e.g., Trujillo et al. 2006). \f\u2013 5 \u2013 \u22123 \u22122 \u22121 0 0.1 0.2 0.3 0.4 0.5 0.6 0.7 0.8 0.9 1 log CPDF mass and redshift dependence 1011\u221212, z=0.62\u22121 1011\u221212, z=1\u22122 1011\u221212, z=2\u22123 1010\u221211, z=0.62\u22121 1010\u221211, z=1\u22122 1010\u221211, z=2\u22123 \u22123 \u22122 \u22121 0 0.1 0.2 0.3 0.4 0.5 0.6 0.7 0.8 0.9 1 log CPDF all Ms=1010\u221211Msun environment dependence b=1\u221210,z=0.62\u22121 b=102\u2212103,z=0.62\u22121 b=1\u221210,z=1\u22122 b=102\u2212103,z=1\u22122 \u22123 \u22122 \u22121 0 0.1 0.2 0.3 0.4 0.5 0.6 0.7 0.8 0.9 1 log t1 (Gyr) log CPDF all Ms=1010\u221211Msun galaxy type dependence blue,z=0.62\u22121 blue,z=1\u22122 blue,z=2\u22123 red,z=0.62\u22121 red,z=1\u22122 red,z=2\u22123 Fig. 3.\u2014 Top panel: shows the cumulative PDF (CPDF) of the time taken to change the direction of spin of the central 3kpc radius stellar region by 1 degree of arc, t1 (Eq 2) for galaxies of total stellar mass in the range 1010 \u22121011 M\u2299(blue curves) and 1011 \u22121012 M\u2299 (red curves) in three di\ufb00erent redshift ranges, z = 0.62 \u22121 (solid curves), z = 1 \u22122 (dotted curves), z = 2 \u22123 (dashed curves), respectively. Middle panel: shows the of t1 for galaxies of total stellar mass in the range 1010 \u22121011 M\u2299in low-density (\u03b40.5 = 1 \u221210); solid curves) and high-density environment (\u03b40.5 = 102 \u2212103); dotted curves), in two redshift rangess, z = 0.62 \u22121 (black curves) and z = 1 \u22122 (magenta curves), respectively. The environment overdensity \u03b40.5 is de\ufb01ned to be the overdensity of total matter in a sphere of radius 0.5h\u22121Mpc comoving. Bottom panel: shows the CPDF of t1 for blue (g \u2212r < 0.6; blue curves) and red (g \u2212r > 0.6, red curves) galaxies of total stellar mass in the range 1010 \u22121011 M\u2299in three di\ufb00erent redshift ranges, z = 0.62 \u22121 (solid curves), z = 1 \u22122 (dotted curves), z = 2 \u22123 (dashed curves), respectively. \f\u2013 6 \u2013 The bottom panel of Figure 2 shows the PDF for gas in the central 3kpc radius region. We see that the speci\ufb01c angular momenta of the gas within central 3kpc change at rates 5 \u221210 times higher than that of stars (top panel of Figure 2). There is no doubt that gas in\ufb02ows contribute signi\ufb01cantly to the change of the stellar angular momentum in two ways. First, signi\ufb01cant gas in\ufb02ows at inclined angles to the stellar mid-plane may torque the stars (and vice versa). Second, new gas that reaches there will form new stars that have di\ufb00erent angular momentum vector and cause the overall angular momentum to change in both direction and magnitude. At high redshift the orientation of the gas in\ufb02ows on large scales are not well correlated with that of the stars or gas that is already there. Since the amount of gas tend to be smaller than that of stars, it is easier to alter the angular momentum of the gas than that of the stars. In the absence of major mergers, we expect minor stellar mergers could also alter the angular momentum vector. Figure 3 shows the CPDF of the time to change the direction of spin of the central 3kpc radius stellar region by 1 degree of arc, for dependence on mass and redshift (top panel), environment (middle panel) and galaxy type (bottom panel). Consistent with Figure 2 we see that the frequency of spin direction change increases with redshift; the median t1 decreases by 60\u221280% from z = 0.62\u22121 to z = 2\u22123 with the higher mass group corresponding to the high end of the range of change. The median t1 decreases by 10\u221220% from Ms = 1011\u221212 M\u2299 to Ms = 1010\u221211 M\u2299with the dependence on mass somewhat stronger at low redshift than at high redshift. That less massive galaxies tend to experience more rapid changes of speci\ufb01c angular momenta is anecdotally apparent in Figure 3. We also \ufb01nd large mis-alignment between inner stellar (and gas) regions with outer halos (not presented here), in broad agreement with the conclusions of Hahn et al. (2010). A dependence on environment is seen in the middle panel, with the median t1 decreasing by a factor of 1.9 \u22122.7 from \u03b40.5 = 1 \u221210 to \u03b40.5 = 102 \u2212103; the environment dependence weakens at higher redshift. This \ufb01nding that the spin direction of galaxies changes more frequently in dense environment can be attributed to enhanced local interactions there. In the bottom panel the dependence on galaxy type gives mixed trends. For blue (g \u2212r < 0.60) galaxies the median t1 decreases steadily from z = 2 \u22123 to z = 0.62 \u22121 by a factor of \u223c2.3, whereas for red (g \u2212r > 0.60) galaxies the median t1 hardly changes from z = 2\u22123 to z = 0.62\u22121. The median t1 for red galaxies is comparable to that of blue galaxies at z = 2\u22123; at lower redshift the median t1 for red galaxies becomes progressively lower compared to that of blue galaxies, mainly due to the latter increasing with decreasing redshift. In Cen (2014) we show that the vast majority of red galaxies do not gain signi\ufb01cant stellar mass in the red sequence. Thus we conclude that the rapid change of spin direction for red galaxies are due to torques by nearby galaxies, whereas blue galaxies are subject to all three local interactions gas accretion, stellar accretion and torques. It is instructive to put the frequency of spin direction change into some perspective. For \f\u2013 7 \u2013 a point mass of M at a distance d, the torque of M on the galaxy with a quadrupole moment Q and angular momentum \u20d7 J is \u03c4 = | d \u20d7 J dt | = 3 4 GMQ d3 sin(2\u03b8) (e.g., Peebles 1969), where \u03b8 is the angle between the separation vector and the symmetry axis of the galaxy. Expressing \u03c4 in terms of overdensity \u03b4 of the region centered on mass M, \u03c4 = \u03c0G\u03c10(1+z)3\u03b4Q sin(2\u03b8), where z is redshift, \u03c10 the mean mass density at z = 0. Approximating spirals as \ufb02at axisymmetric uniform disks with a = b = \u221ec (giving the quadrupole moment of Q = 2ma2/5) and full rotation support. This allows to express the torquing time tq, de\ufb01ned to be the time taken to change the spin direction by 1 degree of arc, tq = \u03c0 180 |\u20d7 j\u2217|m \u03c4(z, m, T), (3) giving tq = 2.5Gyr for \u03b4 = 200, z = 1 and sin(2\u03b8) = 1 for spiral galaxies. Comparing to the median t1 \u223c10\u22123 \u221210\u22122Gyr seen in Figure 3, it is evident that the rapid spin reorientation of galaxies can not possibly be due to tidal torques by large-scale structure. It is noted that the intrinsic alignment sourced by primordial large-scale gravitational \ufb01eld is inconsistent with the frequent directional change shown in Figure 1. Under the (unproven) assumption that the large-scale tidal \ufb01eld is the sole alignment agent, any alignment between galaxies on large-scales would result from a balance between the fast reorientation rate due to local processes and slow coherent torques by large-scale structure, which is expressed as the ratio t1 to tq, denoted as t1/(t1+tq). If the quadrupole of the galaxy is, in this case, produced by loal interactions, independent of the large-scale tidal \ufb01eld, the alignment in this simpli\ufb01ed model would be linear [instead of quadratic, see Hirata & Seljak (2004)] to the large-scale gravitational tidal \ufb01eld. We obtain \ufb01nally the expression for the mean value of t1/(t1 + tq) weighted by the distribution of t1 [P(t1), shown in Figure 3], denoted as \u03b7(z, m, T): \u03b7(z, m, T) \u2261 Z \u0012 t1 t1 + tq(z, m, T) \u0013 Pz,m,T(t1)dt1, (4) at redshift z for galaxies of mass m and type T (spiral or elliptical). We approximate elliptical galaxies as oblate axisymmetric spheroids with a = b = 2c and vrot/\u03c3 = 0.2, resulting in the quadrupole moment of Q = 3ma2/10. The sizes of galaxies are adopted from observations by Shen et al. (2003). The bias factor is from Tegmark et al. (2004) adjusted to \u03c38 = 0.8. The stellar mass to light ratio as a function of absolute magnitude is taken from from Kau\ufb00mann et al. (2003). We incorporate these into \u03c4 to get \u03c4(z, m, T) = \u03c0G\u03c10(1 + z)3D+(z)b(m)Q(m, T)[\u03b4 sin(2\u03b8)] (5) as well as into j in Equations (3) for di\ufb00erent galaxy types, where D+(z) is the linear density growth factor normalized to be unity at z = 0, b(m) is the bias factor of galaxies of mass m, \f\u2013 8 \u2013 10 11 12 \u22125 \u22124 \u22123 \u22122 logM\u2217(M\u2299) \u03b7(z, m, T ) ellipticals z=0.62\u22120.78 spirals z=0.62\u22120.78 ellipticals z=0.8\u22121.2 spirals z=0.8\u22121.2 ellipticals z=1.5\u22122.5 spirals z=1.5\u22122.5 Fig. 4.\u2014 shows \u03b7 (see Equation 4 for de\ufb01nition) as a function of galaxy mass and type at three di\ufb00erent redshift ranges. Spiral and elliptical galaxies are shown are shown in blue and red, respectively, for z = 0.62 \u22120.78 (solid dots), z = 0.8 \u22121.2 (open squares) and z = 1.5 \u22122.5 (stars). The model results are obtained using [\u03b4 sin(2\u03b8)] = 1 (see Equation 5). The errorbars in the x-axis indicate the mass bin sizes. The results using Equation (4), in conjunction with Equations (3, 5), are shown in Figure 4. As in the linear alignment model (e.g., Catelan et al. 2001), the di\ufb03culty is to de\ufb01ne a demarcating scale between local and linear large-scale structures. We tentatively have left the scalings to be relative, absorbed into [\u03b4 sin(2\u03b8)]. If compelled to give an estimate relevant to weak lensing, one might choose [\u03b4 sin(2\u03b8)] to be in the range 1\u221210. In this case, we get a tangential sheer \u03b3T that is 1\u221210 times \u03b7 in Figure 4, resulting in \u03b3T of \u2212(0.2\u22122)% for the most massive elliptical galaxies (i.e., luminous red galaxies, LRGs, red dots in Figure 4), which, coincidentally, falls in the range of observed GI (galaxy-gravitational tidal \ufb01eld) signal for LRGs (e.g., Mandelbaum et al. 2006; Hirata et al. 2007; Joachimi et al. 2011). The negative sign comes about, because the galaxies, under the torque of a central mass, have a tendency to align their disks in the radial direction that is dynamically stable. Three separate trends with respect to z, m and T are seen: the alignment (1) decreases with increasing redshift, (2) decreases with decreasing stellar mass, and (3) is larger for \f\u2013 9 \u2013 elliptical galaxies than for spiral galaxies. The \ufb01rst two trends are accounted for by trends of t1 seen in Figure 3. The last trend requires some discussion. The bottom panel of Figure 3 shows that ellipticals have shorter t1 than spirals, due to a large part to their residing in overdense environments and in addition to their having a lower overall speci\ufb01c angular momentum amplitude. However, also because the speci\ufb01c angular momentum of ellipticals is a factor of 5 lower than that of spiral galaxies, elliptical galaxies are easier to slew. It is argubly a relatively more straight-forward comparison to observations of (radial) alignments of satellite galaxies with respect to the central galaxies of groups and clusters. But this is in fact complicated by (at least) four issues. First, the observed detection and non-detection of radial alignment of galaxies around groups and clusters of galaxies concern radial ranges that are already mostly in the nonlinear regime (i.e., overdensity \u03b4 \u226b1). Second, most of the observed galaxy samples analyzed contain of order 100-10000 galaxies, hence statistical uncertainties are in the range of 1 \u221210%. Third, observed samples likely contain a large number of projected galaxies with physical separations that are much larger than their lateral distance from the cluster/group center; the degree of projection e\ufb00ects is strongly dependent on the orientation of the line of sight (e.g., viewing a cluster along a \ufb01lament) and signi\ufb01cantly complicates interpretation of results. Fourth, on some very small scales, binary interactions between a satellite and the central galaxy may play the dominant role. A combination of these factors may explain the current confused state with con\ufb02icting observational results (e.g., Bernstein & Norberg 2002; Pereira & Kuhn 2005; Agustsson & Brainerd 2006; Torlina et al. 2007; Faltenbacher et al. 2007; Hao et al. 2011). Nonetheless, we expect that the radial alignment, if exists, is expected to decrease with increasing redshift, perhaps already hinted by some observations (e.g., Hung & Ebeling 2012), and with decreasing cluster mass at a \ufb01xed radius. The simple model presented has two notable caveats. First, it assumes that the only alignment mechanism is gravitational torque by some large-scale structure. So far we have presented only the relative scalings among di\ufb00erent galaxies under this assumption, but not the absolute magnitude. We cannot justify this rather critical assumption with con\ufb01dence at this time. Second, one notes that a signi\ufb01cant portion of the galaxy spin direction reorientation is likely due to gas feeding and substructure merging. Thus, it is not unreasonable to expect that the gas feeding and substructure merging have some preferred directions, such as along the \ufb01laments and sheets. In this case, while galaxy spin direction changes frequenctly as shown here, it may do so with some degree of coherence over some scales (such as the scale of \ufb01laments), either temporaneously or through long-term memory of large-scale structure (e.g., Libeskind et al. 2012). If this were true, it then suggests that intrinsic alignments may be a result of balance between high-frequency random re-orientation at short time scales and some sort of large-scale \u201cmean\u201d feeding pattern on long time scales. There is some empirical evidence for galaxies to be aligned with large-scale structures in a sense that is consistent with this \u201cfeeding\u201d picture (e.g., Zhang et al. 2013; Li et al. 2013). It should be a priority \f\u2013 10 \u2013 to understand this issue systematically. 4."
+ },
+ {
+ "url": "http://arxiv.org/abs/1403.5265v1",
+ "title": "Temporal Self-Organization in Galaxy Formation",
+ "abstract": "We report on the discovery of a relation between the number of star formation\n(SF) peaks per unit time, $\\nu_{\\rm peak}$, and the size of the temporal\nsmoothing window function, $\\Delta t$, used to define the peaks: $\\nu_{\\rm\npeak}\\propto\\Delta t^{1-\\phi}$ ($\\phi\\sim 1.618$). This relation holds over the\nrange of $\\Delta t=10$ to $1000$Myr that can be reliably computed, using a\nlarge sample of galaxies obtained from a state-of-the-art cosmological\nhydrodynamic simulation. This means that the temporal distribution of SF peaks\nin galaxies as a population is fractal with a Hausdorff fractal dimension equal\nto $\\phi-1$. This finding reveals, for the first time, that the superficially\nchaotic process of galaxy formation is underlined by a temporal\nself-organization up to at least one gigayear. It is tempting to suggest that,\ngiven the known existence of spatial fractals (such as the power-law two-point\nfunction of galaxies), there is a joint spatio-temporal self-organization in\ngalaxy formation. From an observational perspective, it will be urgent to\ndevise diagnostics to probe SF histories of galaxies with good temporal\nresolution to facilitate a test of this prediction. If confirmed, it would\nprovide unambiguous evidence for a new picture of galaxy formation that is\ninteraction driven, cooperative and coherent in and between time and space.\nUnravelling its origin may hold the key to understanding galaxy formation.",
+ "authors": "Renyue Cen",
+ "published": "2014-03-20",
+ "updated": "2014-03-20",
+ "primary_cat": "astro-ph.GA",
+ "cats": [
+ "astro-ph.GA"
+ ],
+ "main_content": "Introduction Galaxy formation involves a large set of physical processes cosmological expansion, gravity, hydrodynamics, atomic physics and feedback from star formation, stellar evolution and black hole growth and spans large dynamic ranges in time (at least 0.1Myr to 10Gyr) and space (at least 1pc to 100Mpc). Some of the most interesting results on galaxy formation are thus obtained using large-scale simulations, providing fundamental insights on a variety of di\ufb00erent aspects (e.g., Frenk et al. 1988; Cen et al. 1994; Gnedin 1998; Klypin et al. 1999; Moore et al. 1999; Cen & Ostriker 1999; Wechsler et al. 2002; Abel et al. 2002; Bromm et al. 2002; Springel et al. 2005; Kere\u02c7 s et al. 2005; Hopkins et al. 2006; Croton et al. 2006; Naab et al. 2006; Bournaud et al. 2007; Diemand et al. 2008; Dekel et al. 2009; Schaye et al. 2010). The spatial distributions of galaxies have been extensively studied observationally, primarily 1Princeton University Observatory, Princeton, NJ 08544; cen@astro.princeton.edu arXiv:1403.5265v1 [astro-ph.GA] 20 Mar 2014 \f\u2013 2 \u2013 at low redshift. Among the most striking is the nature\u2019s ability to maintain a powerlaw galaxy-galay two-point correlation function over a signi\ufb01cant range (\u223c0.1\u221210h\u22121Mpc) (e.g., Groth & Peebles 1977), although there is evidence of a slight in\ufb02ection at \u223c1 \u22122h\u22121Mpc in recent analysis (e.g., Zehavi et al. 2004). This spatial regularity is not inherited from the linear power spectrum but must be a result of cooperation between nonlinear evolution and galaxy formation. In self-gravitating systems, such as galaxies, the temporal and spatial structures may be related. This may be seen by two examples. First, for an isolated (nondissipative) spherical system, the collapse time of each shell (assuming no shell crossings) is uniquely determined by the interior mass and speci\ufb01c energy of the shell that in turn is determined by the density structures. Second, during the growth of a typical galaxy, in addition to direct acquisition of stars via mergers and accretion (along with dark matter), signi\ufb01cant spatial interactions may induce signi\ufb01cant star formation activities hence leave temporal imprints in its star formation history. Taking these indications together suggests that one should bene\ufb01t by tackling the problem of galaxy formation combining the spatial and temporal information. Here, as a step in that direction, we perform a novel analysis, utilizing the ab initio LAOZI adaptive mesh re\ufb01nement cosmological hydrodynamic simulation, to understand the statistical properties of star formation episodes in galaxies. 2. Simulations The reader is referred to Cen (2014) for detailed descriptions of our simulations and the list of its empirical validations therein. Brie\ufb02y, a zoom-in region of comoving size of 21 \u00d7 24 \u00d7 20h\u22123Mpc3 is embedded in a 120h\u22121Mpc periodic box and resolved to better than 114h\u22121pc (physical). We use the following cosmological parameters that are consistent with the WMAP7-normalized (Komatsu et al. 2011) \u039bCDM model: \u2126M = 0.28, \u2126b = 0.046, \u2126\u039b = 0.72, \u03c38 = 0.82, H0 = 100h km s\u22121Mpc\u22121 = 70 km s\u22121Mpc\u22121 and n = 0.96. Equations governing motions of dark matter, gas and stars, and thermodynamic state of gas are followed forward in time from redshift 100 to 0.62, using the adaptive mesh re\ufb01nement cosmological hydrodynamic code Enzo (The Enzo Collaboration et al. 2013), which includes all important microphysics and major feedback processes that are well measured. Stellar particles (equivalent to coeval stellar cluster of mass \u223c105 M\u2299) are created from gas clouds meeting certain physical conditions over time, based on the empirical Kennicutt-Schmidt law (Kennicutt 1998). Stellar particles at any time may be grouped together spatially using the HOP algorithm (Eisenstein & Hut 1998) to create galaxy catalogs, which are tested to be robust and insensitive to speci\ufb01c choices of concerned parameters within reasonable ranges. For each galaxy we have its exact star formation history, given its member stellar particles formation times. A total of (2090, 965, 296, 94, 32, 10) galaxies are found with stellar masses greater than (109.5, 1010, 1010.5, 1011, 1011.5, 1012) M\u2299at z = 0.62. \f\u2013 3 \u2013 For each galaxy we create an uniform time grid of star formation rate at a time resolution of 3Myr from redshift 20 to 0.62, which we call the \u201cunsmoothed\u201d SF history, denoted as S(t). We then smooth S(t) using a square window of full width equal to ts to create a locally-averaged version, denoted as \u00af S(t), which is de\ufb01ned to be \u00af S(t) \u2261 1 ts R t+ts/2 t\u2212ts/2 S(t\u2032)dt\u2032. Another variable is then de\ufb01ned from \u00af S(t): \u03b4(t) \u2261S(t) \u2212\u00af S(t). We smooth \u03b4(t) with a gaussian window of radius tg to yield \u00af \u03b4(t). We obtain \ufb01nally Ss(t) \u2261\u00af S(t)+ \u00af \u03b4(t). We identify SF peaks in Ss(t) as follows. Each SF peak is de\ufb01ned as a contiguous region between two consecutive local minima in Ss(t), say, at time t1 and t2. We sum up S(t) in the same temporal region [t1, t2] to get the total stellar mass for the peak. For each galaxy, we catalog and rank order a complete list of peaks each containing the following information: the total stellar mass, the point in time of maximum SFR and the rank. The number of top SF peaks that make up 50% and 90% of total amount of stellar mass of a galaxy at z = 0.62 is denoted, n50 and n90, respectively. We note that the main purpose of smoothing \u03b4(t) with the gaussian window is to make the automated peak identi\ufb01cation method umambiguous. Thus, it is ts that serves as a time \u201cruler\u201d. We use tg = ts/2 and \ufb01nd the slope of the scaling relation found does not depend on ts/tg within the concerned accuracies. 0 1 2 3 4 5 6 7 8 0 1 2 3 log M*=11.12 log SFR (Msun/yr) original smoothed 0 1 2 3 4 5 6 7 8 0 1 2 3 log M*=10.73 0 1 2 3 4 5 6 7 8 0 1 2 log M*=10.52 0 1 2 3 4 5 6 7 8 0 1 2 log M*=10.31 t (Gyr) log SFR (Msun/yr) 3 4 5 0 1 2 log M*=10.31 t (Gyr) 4 4.1 4.2 4.3 4.4 4.5 0 1 2 log M*=10.31 t (Gyr) Fig. 1.\u2014 shows the star formation histories for four galaxies (the top row plus the bottomleft panel) selected semi-randomly covering mass range of interest at z = 0.62. The time starts at the big bang as zero. The red curves are for unsmoothed SF histories S(t). The blue curves are for the corresponding smoothed SF histories Ss(t), with ts = 200 Myr. In each panel, the galaxy stellar mass at z = 0.62 is indicated at the top. The bottom-middle and -right panels are zoom-in views of the same galaxy shown in the bottom-left panel. \f\u2013 4 \u2013 3. Results We start by showing the star formation histories for four galaxies in Figure 1. We see that our adaptive smoothing scheme appropriately retains major SF peaks but smooths out high-frequency peaks on scales smaller than the ruler size ts, exactly serving the purpose. We also see that there are temporal structures from \u223c1Myr to \u223c1Gyr. Although it is di\ufb03cult to quantify visually the nature of the temporal structures, there is a hint that a signi\ufb01cant SF peak is often sandwiched by periods of diminished SF activities or less signi\ufb01cant SF peaks. It is evident that the histories of individual galaxies vary substantially with respect to both the trend on long time scales and \ufb02uctuations on short time scales. Anectodal evidence that is consistent with the global evolution of SFR density (Hopkins & Beacom 2006) is that, for the galaxy population as a whole, the majority of galaxies are on a downward trend of SFR with increasing time (decreasing redshift) from t \u223c2 \u22123Gyr (corresponding to z = 2 to 3). It is seen that SF in galaxies is usually not monolithic. A typical galaxy is found to have a polylithic temporal structure of star formation, consisting of a series of quasi-monoliths occurring in time in an apparently chaotic fashion. Not only is there no evidence that a typical galaxy forms most of its stars in a single burst, but also the SF history over any scale does not display a form that may be represented by any simple analytic functions (such as an exponential). A qualitatively similar appearance of oscillatory star formation rates are seen 1 2 3 4 5 6 7 8 910 15 20 25 30 35 40 0 0.1 0.2 n50 (red) & n90 (blue) PDF n50 n90 median of n50 median of n90 Fig. 2.\u2014 shows the probability distribution function (PDF) of the number of top SF peaks contributing to 50% (n50) and 90% (n90), respectively, of total stellar mass at z = 0.62 for all galaxies more massive than 1010 M\u2299. The vertical red and and blue dashed lines indicate the median of the respective historgrams. The peaks are identi\ufb01ed with ts = 200Myr. \f\u2013 5 \u2013 in Hopkins et al. (2013), although detailed quantitative comparisons are not available at this time. One take-away message is this: galaxy formation is a chaotic process and conclusions about the galaxy population as a whole based on an unrepresentative sample of galaxies should be taken cautiously. Another is that the often adopted simple temporal pro\ufb01les for star formation (such as exponential decay or delta function) in interpreting observational results should be reconsidered. We now turn to quantitative results. Figure 2 shows the PDFs of n50 and n90 with ts = 200Myr. We see that the number of peaking containing 50% of stellar mass (n50) falls in the range of \u223c1 \u221210 peaks, whereas the number of peaks containing 90% of stellar mass (n90) displays a much broader range of \u223c5\u221240. We note that, had we restricted the galaxy stellar mass range to 1010\u221211 or 1011\u221212 M\u2299, the results do not change signi\ufb01cantly. It is clear that there are large variations from galaxy to galaxy with respect to individual SF histories, as was already hinted in in Figure 1. Behind this chaos, however, collectively, an order is found, as will be shown in Figure 4. 1 2 3 0 1 2 log n50 & n90 log M*=11.12 90% q90=\u22120.585 50% q50=\u22120.49 1 2 3 0 1 2 log M*=10.73 q90=\u22120.515 q50=\u22120.39 1 2 3 0 1 2 log ts (Myr) log n50 & n90 log M*=10.52 q90=\u22120.63 q50=\u22120.55 1 2 3 0 1 2 log ts (Myr) log M*=10.31 q90=\u22120.535 q50=\u22120.55 Fig. 3.\u2014 shows n50 (red dots) and n90 (blue squares) as a function of temporal smoothing window ts for the four galaxies shown in Figure 1. Linear \ufb01ts to the log ts log n50 and log ts log n90 are shown as dashed lines with the respective colors. Figure 3 shows n50 (red dots) and n90 (blue squares) as a function of temporal smoothing window ts for the four galaxies shown in Figure 1. We see that powerlaw \ufb01ts n50 \u221dt\u03c650 s and n90 \u221dt\u03c690 s provide reasonable approximations. Collecting all galaxies with stellar masses greater than 1010 M\u2299at z = 0.62 the results are shown in Figure 4. The top panel of Figure 4 shows the PDF of \u03c650 (red histogram) and \u03c690 (blue historgram). We see that there \f\u2013 6 \u2013 are substantial variations among galaxies, which is expected. The most signi\ufb01cant point is that a typical galaxy has \u03c650 and \u03c690 around \u22120.6. In other words, the galaxy population, collectively taken as a whole, displays signi\ufb01cant orderliness. This point is re-enforced in the bottom panel of Figure 4, which is similar to Figure 3. But here, instead of showing powerlaw \ufb01ts for individual galaxies, we compute the median of n50 (red dots) and n90 (blue squares) for all galaxies \ufb01rst as a function of ts and then show the \ufb01ts to the medians. It is intriguing that a slope about \u22120.618 (= 1 \u2212\u03c6) provides a quite good \ufb01t, where \u03c6 = 1.618 is often called the golden ratio. \u22121 \u22120.9 \u22120.8 \u22120.7 \u22120.6 \u22120.5 \u22120.4 \u22120.3 \u22120.2 \u22120.1 0 0 0.05 0.1 q50 (red) & q90 (blue) PDF q50 q90 median(q50)=\u22120.612 median(q90)=\u22120.574 1 2 3 0 1 2 log ts (Myr) log median n50 & n90 median n50 median n90 n50=1.38(ts/1Gyr)\u22120.618 n90=5.83(ts/1Gyr)\u22120.618 Fig. 4.\u2014 Top panel shows the PDF of \u03c650 (red histogram) and \u03c690 (blue historgram) in the \ufb01t n50 \u221dt\u03c650 s and n90 \u221dt\u03c690 s for all galaxies with stellar masses greater than 1010 M\u2299at z = 0.62. The vertical red and and blue dashed lines indicate the median of the red and blue historgrams, respectively. Bottom panel shows the median of n50 (red dots) and n90 (blue squares), respectively, for all galaxies with stellar masses greater than 1010 M\u2299at z = 0.62, as a function of temporal smoothing window ts. The vertical errorbars indicate the 25%-75% range. The red and and blue dashed lines indicate \ufb01ts with a slope \u22120.618. 4. Discussion and"
+ },
+ {
+ "url": "http://arxiv.org/abs/1311.5916v2",
+ "title": "On the Origin of the Hubble Sequence: I. Insights on Galaxy Color Migration from Cosmological Simulations",
+ "abstract": "An analysis of more than 3000 galaxies resolved at better than 114 pc/h at\nz=0.62 in a LAOZI cosmological adaptive mesh refinement hydrodynamic simulation\nis performed and insights gained on star formation quenching and color\nmigration. The vast majority of red galaxies are found to be within three\nvirial radii of a larger galaxy, at the onset of quenching when the specific\nstar formation rate experiences the sharpest decline to fall below\n~10^{-2}-10^{-1}/Gyr (depending on the redshift). We shall thus call this\nmechanism \"environment quenching\", which encompasses satellite quenching. Two\nphysical processes are largely responsible: ram-pressure stripping first\ndisconnects the galaxy from the cold gas supply on large scales, followed by a\nlonger period of cold gas starvation taking place in high velocity dispersion\nenvironment, during the early part of which the existing dense cold gas in the\ncentral region (<10kpc) is consumed by in situ star formation. Quenching is\nfound to be more efficient, but not faster, on average, in denser environment.\nThroughout this quenching period and the ensuing one in the red sequence\ngalaxies follow nearly vertical tracks in the color-stellar-mass diagram. In\ncontrast, individual galaxies of all masses grow most of their stellar masses\nin the blue cloud, prior to the onset of quenching, and progressively more\nmassive blue galaxies with already relatively older mean stellar ages continue\nto enter the red sequence. Consequently, correlations among observables of red\ngalaxies - such as the age-mass relation - are largely inherited from their\nblue progenitors at the onset of quenching. While the color makeup of the\nentire galaxy population strongly depends on environment, which is a direct\nresult of environment quenching, physical properties of blue galaxies as a\nsub-population show little dependence on environment.",
+ "authors": "Renyue Cen",
+ "published": "2013-11-22",
+ "updated": "2014-01-15",
+ "primary_cat": "astro-ph.CO",
+ "cats": [
+ "astro-ph.CO"
+ ],
+ "main_content": "Introduction The bimodal distribution of galaxy colors at low redshift is well established (e.g., Strateva et al. 2001; Blanton et al. 2003a; Kau\ufb00mann et al. 2003; Baldry et al. 2004). The \u201cblue cloud\u201d, 1Princeton University Observatory, Princeton, NJ 08544; cen@astro.princeton.edu arXiv:1311.5916v2 [astro-ph.CO] 15 Jan 2014 \f\u2013 2 \u2013 sometimes referred to as the \u201cstar formation sequence\u201d (Salim et al. 2007), is occupied by starforming galaxies, while the \u201cred sequence\u201d galaxies appear to have little ongoing star formation (SF). It has been argued that this bimodality suggests that SF of the blue cloud galaxies en route to the red sequence must be turned o\ufb00promptly to prevent them from lingering in the green valley between the blue and red peaks. A number of physical mechanisms have been proposed to cause this apparent \u201cquenching\u201d of SF. Galaxy mergers have been suggested to trigger strong and rapid SF that subsequently drives gas away and shuts down further SF activities in a sudden fashion. However, recent observations show that galaxies in the green valley do not show merger signatures, perhaps disfavoring the merger scenario (e.g., Mendez et al. 2011). Feedback from active galactic nuclei (AGN) has also been suggested to provide quenching, but observational evidence for this scenario has been either inconclusive or at best circumstantial (e.g., Bundy et al. 2008; Santini et al. 2012; Bongiorno et al. 2012; Rosario et al. 2013). Some recent studies based on large data sets do not \ufb01nd evidence for AGN feedback playing a role in galaxy color migration (e.g., Zheng et al. 2007; Xue et al. 2010; Aird et al. 2012; Harrison et al. 2012; Swinbank et al. 2012; Mendel et al. 2013). External, environmental e\ufb00ects may have played an important role in shaping galaxy colors. High density environments are observed to be occupied primarily by early type (elliptical and S0) red galaxies the \u201cdensity-morphology relation\u201d (e.g., Oemler 1974; Dressler 1980; Postman & Geller 1984) with giant elliptical galaxies anchoring the centers of rich clusters of galaxies (e.g., Kormendy et al. 2009). This relation is consistent with the larger trend of the galaxy population appearing bluer in more underdense regions in the local universe (e.g., Goto et al. 2003; G\u00b4 omez et al. 2003; Tanaka et al. 2004; Rojas et al. 2004). Di\ufb00erent types of galaxies are seen to cluster di\ufb00erently and have di\ufb00erent environment-dependencies, in the same sense as the density-morphology relation (e.g., Davis & Geller 1976; Hogg et al. 2003; Balogh et al. 2004; Kau\ufb00mann et al. 2004; Park et al. 2007; Coil et al. 2008; Zehavi et al. 2011). Recent quantitative studies have yielded richer details on SF dependence on halo mass and environment, probing their relationships at higher redshifts. For example, using a large group catalog from the Sloan Digital Sky Survey (SDSS) Data Release 2, Weinmann et al. (2006) \ufb01nd that at \ufb01xed luminosity the fraction of early-type galaxies increases with increasing halo mass and this mass dependence is smooth and persists over the entire mass range probed without any break or feature at any mass-scale. From a spectral analysis of galaxies at z = 0.4\u22120.8 based on the ESO Distant Cluster Survey, Poggianti et al. (2009) \ufb01nd that the incidence of K+A galaxies increases strongly with increasing velocity dispersion of the environment from groups to clusters. McGee et al. (2011), examining the SF properties of group and \ufb01eld galaxies from SDSS at z \u223c0.08 and from ultraviolet imaging with GALEX at z \u223c0.4, \ufb01nd that the fraction of passive galaxies is higher in groups than the \ufb01eld at both redshifts, with the di\ufb00erence between the group and \ufb01eld growing with time and larger at low masses. With the NOAO Extremely Wide-Field Infrared Imager (NEWFIRM) Survey of the All-wavelength Extended Groth strip International Survey (AEGIS) and Cosmic Evolution Survey (COSMOS) \ufb01elds, Whitaker et al. (2011) show evidence for a bimodal color distribution between quiescent and star-forming galaxies that persists to z \u223c3. Presotto et al. (2012) study the evolution of galaxies located within groups using the group catalog obtained from zCOSMOS spectroscopic data and the complementary photometric data from the COSMOS \f\u2013 3 \u2013 survey at z = 0.2 \u22120.8 and \ufb01nd the rate of SF quenching to be faster in groups than in the \ufb01eld. Muzzin et al. (2012) analyze galaxy properties at z = 0.85 \u22121.20 using a spectroscopic sample of 797 cluster and \ufb01eld galaxies drawn from the Gemini Cluster Astrophysics Spectroscopic Survey, \ufb01nding that post starburst galaxies with M \u2217= 109.3\u221210.7 M\u2299are three times more common in highdensity regions compared to low-density regions. Based on data from the zCOSMOS survey Tanaka et al. (2012) perform an environment study and \ufb01nd that quiescent galaxies prefer more massive systems at z = 0.5 \u22121. Rasmussen et al. (2012), analyzing GALEX imaging of a statistically representative sample of 23 galaxy groups at z \u223c0.06, suggest an average quenching timescale of \u22652Gyr. Mok et al. (2013), with deep GMOS-S spectroscopy for 11 galaxy groups at z = 0.8 \u22121, show that the strongest environmental dependence is observed in the fraction of passive galaxies, which make up only \u223c20 per cent of the \ufb01eld in the mass range Mstar = 1010.3\u22121011.0 M\u2299but are the dominant component of groups. Using SDSS (z \u223c0.1) and the All-Wavelength Extended Groth Strip International Survey (AEGIS; z \u223c1) data, Woo et al. (2013) \ufb01nd a strong environmental dependence of quenching in terms of halo mass and distance to the centrals at both redshifts. The widespread observational evidence of environment quenching is unsurprising theoretically. In regions of overdensity, whether around a large collapsed halo or unvirialized structure (e.g., a Zel\u2019dovich pancake or a \ufb01lament), gas is gravitationally shock heated when converging \ufb02ows meet. In regions \ufb01lled with hot shock-heated gas, multiple gasdynamical processes would occur. One of the most important gasdynamical processes is ram-pressure stripping of gas, when a galaxy moves through the ambient hot gas at a signi\ufb01cant speed, which includes, but is not limited to, the infall velocity of a satellite galaxy. The theoretical basis for the ram-pressure stripping process is laid down in the seminal work of Gunn & Gott (1972). Recent works with detailed simulations of this e\ufb00ect on galaxies (in non-cosmological settings) include those of Mori & Burkert (2000), Quilis et al. (2000), Kronberger et al. (2008), Bekki (2009) and Tonnesen & Bryan (2009). Even in the absence of ram-pressure stripping, ubiquitous supersonic and transonic motions of galaxies of complex acceleration patterns through ambient medium (intergalactic or circumgalactic medium) subject them to the Raleigh-Taylor and Richtmyer-Meshkov instabilities. Large shear velocities at the interfaces between galaxies and the ambient medium allow the Kelvin-Helmholtz (KH) instability to play an important role. When these processes work in tandem with ram-pressure displacements, the disruptive e\ufb00ects are ampli\ufb01ed. For example, the KH instability time scale is substantially shorter for a non-self-gravitating gas cloud (e.g., Murray et al. 1993) than for one sitting inside a virialized dark matter halo (e.g., Cen & Riquelme 2008). Another important process in hot environments is starvation of cold gas that is fuel for SF (e.g., Larson et al. 1980; Balogh et al. 2000; Dekel & Birnboim 2006). In regions with hightemperature and high-entropy cooling of hot gas is an ine\ufb03cient process for fueling SF, an important point noted long ago to account for the basic properties (mass, size) of galaxies (e.g., Binney 1977; Rees & Ostriker 1977; Silk 1977). This phenomenon may be understood by considering the dependence of cooling time on the entropy of the gas: the gas cooling time can be written \f\u2013 4 \u2013 as tcool(T, S) = S3/2 \u0014 3 2 \u0010 \u00b5e \u00b5 \u00112 kB T 1/2\u039b(T) \u0015 (Scannapieco & Oh 2004) 1. It follows that the minimum cooling time of a gas parcel just scales with S3/2. As a numerical example, for a gas parcel of entropy S = 109K cm2 (say, for temperature 107K and density 10\u22123cm\u22123) and metallicity 0.1 Z\u2299, its cooling time is no shorter than the Hubble time at z = 1 hence the gas can no longer cool e\ufb03ciently to fuel SF. It may be that the combination of cold gas removal and dispersal by ram-pressure stripping, hydrodynamic instabilities, and cold gas starvation, all of which are expected to become increasingly important in more massive environments, plays a primary role in driving the color migration from the blue cloud to the red sequence. In dense environments, gravitational tidal (stripping and shock) e\ufb00ects and relatively close \ufb02y-bys between galaxies (e.g., Moore et al. 1996) also become important. To understand the overall e\ufb00ect on SF quenching by these external processes in the context of the standard cold dark matter model, a realistic cosmological setting is imperative, in order to capture complex external processes that are likely intertwined with large variations of internal properties of galaxies. In this paper we perform ab initio Large-scale Adaptive-mesh-re\ufb01nement Omniscient Zoom-In cosmological hydrodynamic simulations, called LAOZI Simulations, to obtain a large sample of galaxies to, for the \ufb01rst time, perform a chronological and statistical investigation on a very large scale. The large simulated galaxy sample size and very high resolution of LAOZI simulations provide an unprecedented opportunity to undertake the study presented. Our study shares the spirit of the work by Feldmann et al. (2011), who examine the evolution of a dozen galaxies falling onto a forming group of galaxies, with a substantial improvement in the statistical treatment, the simulation resolution, the range of environment probed, and the analysis scope. Feedback from AGN is not included in this simulation, partly because of its large uncertainties and present lack of de\ufb01nitive driving sources and primarily due to our intention to focus on external e\ufb00ects. Internal e\ufb00ects due to SF are automatically included and we \ufb01nd no evidence that SF or merger triggered SF plays a primary role in quenching from our study. The outline of this paper is as follows. In \u00a72 we detail our simulations (\u00a72.1), method of making galaxy catalogs (\u00a72.2), construction of histories of galaxies (\u00a72.3), tests and validation of simulations (\u00a72.4) and the produced bimodal distribution of galaxies colors (\u00a72.5). Results are presented in \u00a73, organized in an approximately chronological order, starting with the ram-pressure stripping e\ufb00ects in \u00a73.1, followed by the ensuing period of gas starvation in hot environment in \u00a73.2. In \u00a73.3 we discuss stellar mass growth, evolution of stellar mass function of red galaxies and present galaxy color migration tracks. \u00a73.4 gives an example of consequences of the found color migration picture galaxy age-mass relation. We present observable environmental dependence of galaxy makeup at z = 0.62 in \u00a73.5. Conclusions are given in \u00a74. 1 where kB is Boltzmann\u2019s constant, T temperature and \u039b cooling function, \u00b5 = 0.62 and \u00b5e = 1.18 for ionized gas that we are concerned with, S is the gas entropy de\ufb01ned as S \u2261 T n2/3 in units of K cm2 (n is gas number density). If one conservatively adopts the lowest value of the term inside the bracket at the cooling peak at temperature Tmin \u223c105.3K, it follows that the minimum cooling time of a gas parcel just scales with S3/2. \f\u2013 5 \u2013 2. Simulations 2.1. Hydrocode and Simulation Parameters We perform cosmological simulations with the AMR Eulerian hydro code, Enzo (Bryan & Norman 1999; Joung et al. 2009). First we run a low resolution simulation with a periodic box of 120 h\u22121Mpc (comoving) on a side. We identify a region centered on a cluster of mass of \u223c 3 \u00d7 1014 M\u2299at z = 0. We then resimulate with high resolution of the chosen region embedded in the outer 120h\u22121Mpc box to properly take into account the large-scale tidal \ufb01eld and appropriate boundary conditions at the surface of a re\ufb01ned region. The re\ufb01ned region has a comoving size of 21 \u00d7 24 \u00d7 20h\u22123Mpc3 and represents a +1.8\u03c3 matter density \ufb02uctuation on that volume. The dark matter particle mass in the re\ufb01ned region is 1.3 \u00d7 107h\u22121 M\u2299. The re\ufb01ned region is surrounded by three layers (each of \u223c1h\u22121Mpc) of bu\ufb00er zones with particle masses successively larger by a factor of 8 for each layer, which then connects with the outer root grid that has a dark matter particle mass 84 times that in the re\ufb01ned region. We choose the mesh re\ufb01nement criterion such that the resolution is always smaller than 111h\u22121pc (physical), corresponding to a maximum mesh re\ufb01nement level of 13 at z = 0. An identical comparison run that has four times better resolution of 29pc/h was also run down to z = 3 and some relevant comparisons between the two simulations are made to understand e\ufb00ects of limited resolution on our results. The simulations include a metagalactic UV background (Haardt & Madau 1996), and a model for self-shielding of UV radiation (Cen et al. 2005). They include metallicity-dependent radiative cooling (Cen et al. 1995). Our simulations also solve relevant gas chemistry chains for molecular hydrogen formation (Abel et al. 1997), molecular formation on dust grains (Joung et al. 2009), and metal cooling extended down to 10 K (Dalgarno & McCray 1972). Star particles are created in cells that satisfy a set of criteria for SF proposed by Cen & Ostriker (1992). Each star particle is tagged with its initial mass, creation time, and metallicity; star particles typically have masses of \u223c106 M\u2299. Supernova feedback from SF is modeled following Cen et al. (2005). Feedback energy and ejected metal-enriched mass are distributed into 27 local gas cells centered at the star particle in question, weighted by the speci\ufb01c volume of each cell, which is to mimic the physical process of supernova blastwave propagation that tends to channel energy, momentum and mass into the least dense regions (with the least resistance and cooling). The primary advantages of this supernova energy based feedback mechanism are three-fold. First, nature does drive winds in this way and energy input is realistic. Second, it has only one free parameter eSN, namely, the fraction of the rest mass energy of stars formed that is deposited as thermal energy on the cell scale at the location of supernovae. Third, the processes are treated physically, obeying their respective conservation laws (where they apply), allowing transport of metals, mass, energy and momentum to be treated selfconsistently and taking into account relevant heating/cooling processes at all times. We allow the entire feedback processes to be hydrodynamically coupled to surroundings and subject to relevant physical processes, such as cooling and heating. The total amount of explosion kinetic energy from Type II supernovae with a Chabrier initial mass function (IMF) is 6.6 \u00d7 10\u22126M\u2217c2 (where c is the speed of light), for an amount M\u2217of star formed. Taking into account the contribution of prompt Type I supernovae, we use eSN = 1\u00d710\u22125 in our simulations. Observations of local starburst galaxies indicate that nearly all of the SF produced kinetic energy is used to power galactic superwinds (e.g., \f\u2013 6 \u2013 Heckman 2001). Supernova feedback is important primarily for regulating SF and for transporting energy and metals into the intergalactic medium. The extremely inhomogeneous metal enrichment process demands that both metals and energy (and momentum) are correctly modeled so that they are transported in a physically sound (albeit still approximate at the current resolution) way. We use the following cosmological parameters that are consistent with the WMAP7-normalized (Komatsu et al. 2010) \u039bCDM model: \u2126M = 0.28, \u2126b = 0.046, \u2126\u039b = 0.72, \u03c38 = 0.82, H0 = 100h km s\u22121Mpc\u22121 = 70 km s\u22121Mpc\u22121 and n = 0.96. These parameters are consistent with those from Planck \ufb01rst-year data (Planck Collaboration et al. 2013) if we average Planck derived H0 with SN Ia and HST based H0. We note that the size of the re\ufb01ned region, 21 \u00d7 24 \u00d7 20h\u22123Mpc3, is still relatively small and the region biased. This is, of course, designed on purpose. Because of that, however, we are not able to cover all possible environment, such as the center of a void. Also because of that, we have avoided addressing any measures that requires a precise characterization of the abundance of any large galaxy systems, such as the mass function or luminosity function of massive galaxies or groups. Despite that, measures that are characterized as a function of environment/system masses should still be valid. Our environment coverage is substantially larger than probed in, for example, Feldmann et al. (2011). In Tonnesen & Cen (2012) we show that the present simulation box (C box) (run to z = 0 with a lower resolution previously) spans a wide range in environment from rich clusters to the \ufb01eld, and there is a substantial overlap in the \ufb01eld environment with another simulation centered on a void (V box). It is the density peaks higher than we model here (i.e., more massive clusters of galaxies) that we fail to probe. As it should be clear later, this shortcoming should not a\ufb00ect any of our conclusions, which may be appropriately extrapolated. 2.2. Simulated Galaxy Catalogs We identify galaxies in our high resolution simulations using the HOP algorithm (Eisenstein & Hu 1999) operating on the stellar particles, which is tested to be robust and insensitive to speci\ufb01c choices of concerned parameters within reasonable ranges. Satellites within a galaxy down to mass of \u223c109 M\u2299are clearly identi\ufb01ed separately in most cases. The luminosity of each stellar particle in each of the Sloan Digital Sky Survey (SDSS) \ufb01ve bands is computed using the GISSEL stellar synthesis code (Bruzual & Charlot 2003), by supplying the formation time, metallicity and stellar mass. Collecting luminosity and other quantities of member stellar particles, gas cells and dark matter particles yields the following physical parameters for each galaxy: position, velocity, total mass, stellar mass, gas mass, mean formation time, mean stellar metallicity, mean gas metallicity, SFR, luminosities in \ufb01ve SDSS bands (and various colors) and others. At a spatial resolution of 159pc (physical) with thousands of well resolved galaxies at z \u223c0.6\u22126, the simulated galaxy catalogs present an excellent (by far, the best available) tool to study galaxy formation and evolution. \f\u2013 7 \u2013 2.3. Construction of Histories of Simulated Galaxies When we start the analysis for this paper, the simulation has reached z = 0.62. For each galaxy at z = 0.62 a genealogical line is constructed from z = 0.62 to z = 6 by connecting galaxy catalogs at a series of redshifts. Galaxy catalogs are constructed from z = 0.62 to z = 1.40 at a redshift increment of \u2206z = 0.02 and from z = 1.40 to z = 6 at a redshift increment of \u2206z = 0.05. The parent of each galaxy is identi\ufb01ed with the one at the next higher redshift catalog that has the most overlap in stellar mass. We call galaxies with g \u2212r < 0.55 \u201cblue\u201d, those with g \u2212r = 0.55 \u22120.65 \u201cgreen\u201d and those with g \u2212r > 0.65 \u201cred\u201d, in accord with the bimodal color distribution that we will show below and with that of observed galaxies (e.g., Blanton et al. 2003b), where g and r are magnitudes of SDSS g and r bands. In subsequent analysis, we will examine gasdynamic processes, e.g., cold gas loss or lack of cold gas accretion, under the working hypothesis that ram-pressure stripping and gas starvation are the primary detrimental processes to star formation. We should assume that other processes, such as hydrodynamical instabilities (e.g., RT, KH, tidal shocks, etc), may either be \u201clumped together\u201d with ram-pressure stripping or play some role to enhance cold gas destruction that is initiated by ram-pressure stripping. A word on tidal stripping may be instructive. It is noted that while tidal stripping would a\ufb00ect both stars and gas, ram-pressure operates only on the latter. As one will see later, in some cases the stellar masses of galaxies decrease with time, which are likely due to tidal e\ufb00ects. A simple argument suggests that ram-pressure e\ufb00ects are likely to be more far-reaching spatially and are more consistent with the environment e\ufb00ects becoming e\ufb00ective at 2-3 virial radii than tidal stripping that we will show later. Let us take a speci\ufb01c example to illustrate this. Let us assume that the primary and infalling galaxies have a velocity dispersion of \u03c31 and \u03c32, respectively, and that they both have isothermal sphere density pro\ufb01les for both dark matter and baryons. The virial radius is proportional to its velocity dispersion in each case. Under such a con\ufb01guration, we \ufb01nd that the tidal radius for the satellite galaxy at its virial radius is equal to the virial radius of the primary galaxy. On the other hand, the ram-pressure force on the gas in the satellite at its virial radius is already equal to the gravitational restoring by the satellite, when the satellite is (\u03c31/\u03c32) virial radii away from the primary galaxy. In reality, of course, the density pro\ufb01les for dark matter and baryons are di\ufb00erent and neither is isothermal, and the gas may display a varying degree of non-sphericity. But the relative importance of ram-pressure and tidal strippings is likely to remain the same for relatively di\ufb00use gas. The relative situation is unchanged, if one allows the gas to cool and condense. As an example, if the gas within the virial radius of the satellite and the primary galaxies in the above example is allowed to shrink spherically by a factor of 10 in radius (we will continue to assume that the velocity dispersion or rotation velocity remains \ufb02at and at the same amplitude), we \ufb01nd that the tidal stripping radius is now a factor of 10 smaller than before (equal to 0.1 times the virial radius of the primary galaxy), while the new ram-pressure stripping radius is \u03c31/\u03c32 times the new tidal stripping radius. As a third example, if the gas within the virial radius of the satellite galaxy in the above example is allowed to shrink spherically by a factor of 10 in radius but the gas in the primary galaxy does not shrink in size, it can be shown that in this case the tidal stripping radius is equal to 0.1 times the virial radius of the primary \f\u2013 8 \u2013 galaxy, while the new ram-pressure stripping radius is now 0.1 times (sigma1/sigma2) times the virial radius of the primary galaxy. As the last example, if the gas within the virial radius of the satellite galaxy in the above example is allowed to shrink by a factor of 10 in radius to become a disk but the gas in the primary galaxy does not shrink in size, it can be shown that in this case the tidal stripping radius is equal to 0.1 times the virial radius of the primary galaxy. The new ram-pressure stripping radius depends on the orientation of the motion vector and the normal of the disk: if the motion vector is normal to the disk, the tidal stripping radius is 0.1 times \u03c31/\u03c32 times the virial radius of the primary galaxy; if the motion vector is in the plane to the disk, the tidal stripping radius is zero. 3 4 5 6 7 8 \u22123 \u22122 \u22121 0 1 2 3 4 log variable quantities 11.5 3 4 5 6 7 8 \u22123 \u22122 \u22121 0 1 2 3 4 11.2 log ram pressure\u22122 log sSFR (Gyr\u22121) log halo mass\u221210 3 4 5 6 7 8 \u22123 \u22122 \u22121 0 1 2 3 4 t (Gyr) log variable quantities 11.2 log SFR (Msun/yr) log cold gas (<10kpc) \u2212 10 log cold gas (<100kpc) \u2212 10 3 4 5 6 7 8 \u22123 \u22122 \u22121 0 1 2 3 4 t (Gyr) 11.1 Fig. 1.\u2014 four panels show the histories of six variables for four randomly selected red galaxies with stellar mass of \u223c1011 M\u2299at z = 0.62: log SFR (in M\u2299/yr) (solid dots), log ram pressure (in Kelvin cm\u22123) 2 (stars), log cold gas within 10kpc (in M\u2299) -10 (open circles), log cold gas within 100kpc (in M\u2299) -10 (open squares), log sSFR (in Gyr\u22121) (down-pointing triangles) and log halo mass (in M\u2299) -10 (solid diamonds); The color of symbols at any given time corresponds the color of the galaxy at that time. The logarithm of the stellar mass at z = 0.62 is indicated in the upper-right corner in each panel. The vertical dashed line in each panel indicates the location of tq. We denote a point in time when the galaxy turns from blue to green as tg, a point in time when the galaxy turns from green to red as tr. Convention for time is that the Big Bang occurs at t = 0. We identify a point in time, searched over the range tg\u22122Gyr to tg+1Gyr, when the derivative of SFR with respect to time, dSFR/dt, is most negative, as tq (q stands for quenching); in practice, to reduce uncertainties due to temporal \ufb02uctuations in SFR, tq is set to equal to t(n+1) \f\u2013 9 \u2013 3 4 5 6 7 8 \u22123 \u22122 \u22121 0 1 2 3 4 log variable quantities 10.2 3 4 5 6 7 8 \u22123 \u22122 \u22121 0 1 2 3 4 10.1 log ram pressure\u22122 log sSFR (Gyr\u22121) log halo mass\u221210 3 4 5 6 7 8 \u22124 \u22123 \u22122 \u22121 0 1 2 3 t (Gyr) log variable quantities 10.1 log SFR (Msun/yr) log cold gas (<10kpc) \u2212 10 log cold gas (<100kpc) \u2212 10 3 4 5 6 7 8 \u22124 \u22123 \u22122 \u22121 0 1 2 3 t (Gyr) 10.2 Fig. 2.\u2014 four panels show the histories of six variables for four randomly selected red galaxies with stellar mass of \u223c1010 M\u2299at z = 0.62: log SFR (in M\u2299/yr) (solid dots), log ram pressure (in Kelvin cm\u22123) 2 (stars), log cold gas within 10kpc (in M\u2299) -10 (open circles), log cold gas within 100kpc (in M\u2299) -10 (open squares), log sSFR (in Gyr\u22121) (down-pointing triangles) and log halo mass (in M\u2299) -10 (solid diamonds); The color of symbols at any given time corresponds the color of the galaxy at that time. The logarithm of the stellar mass at z = 0.62 is indicated in the upper-right corner in each panel. The vertical dashed line in each panel indicates the location of tq. when the sliding-window di\ufb00erence (SFR(n + 3) \u2212SFR(n)/(t(n + 3) \u2212t(n)) is most negative, where t(1), t(2), ..., t(n), ... are the times of our data outputs, as noted earlier. Galaxies at tq are collectively called SFQs for star formation quenching galaxies. To demonstrate the reliability and accuracy of identi\ufb01cation of tq we show in Figure 1 the histories for a set of four randomly selected red galaxies at z = 0.62 of stellar mass \u223c1011 M\u2299. The vertical dashed line in each panel shows tq, which is the location of steepest drop of SFR (solid dots). In all four cases, our method identi\ufb01es the location accurately. Figure 2 is similar to Figure 1 but for galaxies of stellar mass \u223c1010 M\u2299, where we see our method identi\ufb01es tq with a similar accuracy. Similarly, we identify a point in time in the range tg\u22122Gyr to tg+1Gyr, when the derivative of the amount of cold gas, (M10, M30, M100) within radial ranges (0 \u221210, 0 \u221230, 0 \u2212100)kpc, with respect to time is most negative as (t30, t100, t300), respectively. We de\ufb01ne cold gas as gas with temperature less than 105K. The exponential decay time scale of SFR at tq is de\ufb01ned by \u03c4q \u2261 (d ln SFR/dt)\u22121. The exponential decay time scale of (M10, M30, M100) at (t30, t100, t300) are de\ufb01ned \f\u2013 10 \u2013 by [\u03c410 \u2261(d ln M10/dt)\u22121, \u03c430 \u2261(d ln M30/dt)\u22121, \u03c4100 \u2261(d ln M100/dt)\u22121]. The time interval between tq and tr is denoted as tqr, The time duration that the galaxy spends in the green valley before turning red is called tgreen. The time duration the galaxy has spent in the red sequence by z = 0.62 is denoted as tred. We make a needed simpli\ufb01cation by approximating the ram-pressure, denoted as p300, by p300 \u2261\u03c16(300)T(300), where \u03c16(300) and T(300), respectively, are the mean density of gas with temperature \u2265106K and T(300) the mean mass-weighted gas temperature within a proper radius of 300kpc centered on the galaxy in question. This tradeo\ufb00is made thanks chie\ufb02y to the di\ufb03culty of de\ufb01ning precisely the motion of a galaxy relative to its ambient gas environment, where the latter often has complex density and velocity structures, and the former has complex, generally nonspherical gas distribution geometry. In a gravitationally shock heated medium, this approximation should be reasonably good, because the ram-pressure is approximately equal to thermal pressure in post-shock regions. We de\ufb01ne a point in time searched over the time interval between tq\u22122Gyr and tq+1Gyrs, when the derivative of p300 with respect to time is maximum as tram, intended to serve as the point in time when ram-pressure has the steepest rise, As stated in the introduction, it is convenient to express gas cooling time that is proportional to gas entropy to the power 3/2, S3/2. Thus, we approximate gas starvation from large scales by the value of environmental entropy S300, de\ufb01ned to be the average gas entropy within a top-hat sphere of proper radius 300kpc. For convenience, frequently used symbols and their de\ufb01nitions are given in Table 1. 2.4. Tests and Validation of Simulation The galaxy formation simulation in a cosmological setting used here includes sophisticated physical treatment, ultra-high resolution and a very large galaxy sample to statistically address cosmological and astrophysical questions. While this simulation represents the current state-of-theart in these respects, feedback from SF is still far from being treated from \ufb01rst principles. Thus, it is necessary that we validate the feedback prescription empirically. In Cen (2012b) we presented an examination of the damped Lyman alpha systems (DLAs) and found that the simulations, for the \ufb01rst time, are able to match all observed properties of DLAs, including abundance, size, metallicity and kinematics. In particular, the metal distribution in and around galaxies over a wide range of redshift (z = 0 \u22125) is shown to be in excellent agreement with observations (Rafelski et al. 2012). The scales probed by DLAs range from stellar disks at low redshift to about one half of the virial radius at high redshift. In Cen (2012a) we further show that the properties of O VI absorption lines at low redshift, including their abundance, Doppler-column density distribution, temperature range, metallicity and coincidence between O VII and O VI lines, are all in good agreement with observations (Danforth & Shull 2008; Tripp et al. 2008; Yao et al. 2009). The agreement between simulations and observations with respect to O VI lines is recently shown to extend to the correlation between galaxies and O VI lines, the relative incidence ratio of O VI around red to blue galaxies, the amount of oxygen mass around red and blue galaxies as well \f\u2013 11 \u2013 Table 1. De\ufb01nitions of symbols and names symbol/name de\ufb01nition/meaning tg a point in time when galaxy has g \u2212r = 0.55 tr a point in time when galaxy has g \u2212r = 0.65 M10 amount of cold gas within a radius of 10kpc M30 amount of cold gas within a radius of 30kpc M100 amount of cold gas within a radius of 100kpc tq a point in time of quenching for SFR t10 a point time of quenching for M10 t30 a point time of quenching for M30 t100 a point time of quenching for M100 tram a point in time of largest \ufb01rst derivative of ram-pressure w.r.t time \u03c4q exponential decay time of SFR at tq \u03c410 exponential decay time of M10 at t10 \u03c430 exponential decay time of M30 at t30 \u03c4100 exponential decay time of M100 at t100 \u2206M\u2217 stellar mass change between tq and tr \u2206M10 M10 mass change between tq and tr \u2206M30 M30 mass change between tq and tr \u2206M100 M100 mass between tq and tr rSFR e e\ufb00ective radius of young stars formed within the past 100Myr T300 environmental temperature within physical radius of 300kpc S300 environmental entropy within physical radius of 300kpc p300 environmental pressure within physical radius of 300kpc \u03b42 environmental overdensity within comoving radius of 2h\u22121Mpc d/rc v distance to primary galaxy in units of virial radius of primary galaxy tqr time duration from tq to tr tgreen time spent in green valley tred time spent in red sequence Mc h halo mass of primary galaxy Ms \u2217/M c \u2217 stellar mass ratio of satellite to primary galaxy \f\u2013 12 \u2013 as cold gas around red galaxies (Cen 2013). In addition to agreements with observations with respect to circumgalactic and intergalactic medium, we \ufb01nd that our simulations are able to match the global SFR history (the Madau plot) and galaxy evolution (Cen 2011a), the luminosity function of galaxies at high (Cen 2011b) and low redshift (Cen 2011a), and the galaxy color distribution (Cen 2011a; Tonnesen & Cen 2012), within observational uncertainties. In Cen (2011a) we show that our simulations reproduce many trends in the global evolution of galaxies and various manifestations of the cosmic downsizing phenomenon. Speci\ufb01cally, our simulations show that, at any redshift, the speci\ufb01c star formation rate of galaxies, on average, correlates negatively with galaxy stellar mass, which seems to be the primary physical process for driving the cosmic downsizing phenomena observed. Smoothed particle hydrodynamic (SPH) simulations and semi-analytic methods, in comparison, appear to produce a positive correlation between the speci\ufb01c star formation rate of galaxies and galaxy stellar mass, which is opposite to what we \ufb01nd (e.g., Weinmann et al. 2012). These broad agreements between our simulations and observations indicate that, among others, our treatment of feedback processes from SF, i.e., the transport of metals and energy from galaxies, from SF sites to megaparsec scale (i.e., from interstellar to intergalactic medium) are realistically modeled as a function of distance and environment, at least in a statistical sense, and it is meaningful to employ our simulated galaxies, circumgalactic and intergalactic medium for understanding physical processes and for confrontations with other, independent observations. In order to determine what galaxies in our simulations to use in our subsequent analysis, we make an empirical numerical convergence test. Top-right panel in Figure 3 shows comparisons between galaxies of two simulations at z = 3 with di\ufb00erent resolutions for the luminosity functions in rest-frame g and r bands. The \ufb01ducial simulation has a resolution of 114pc/h and an identical comparison run has four times better resolution of 29pc/h. We are not able to make comparisons at redshift substantially lower than z = 3 at this time. In any case, we expect that the comparison at z = 3 is a more stringent test, because the resolution e\ufb00ect is likely more severe at higher redshift than at lower redshift in a hierarchical growth model where galaxies become increasingly larger with time. The comparisons are best done statistically, because not all individual galaxies can be identi\ufb01ed at a one-to-one basis due to resolution-dependent star formation and merging histories. Comparisons with respect to other measures, such as stellar mass function, SFR, etc, give comparable convergence. Based on results shown, we decide to place a lower stellar mass limit of 109.5 M\u2299, which is more than 75% complete for almost all relevant quantities, to the extent that we are able to make statistical comparisons between these two runs with respect to the global properties of galaxies (stellar mass, luminosity, SFR, sSFR, etc). In terms of checking the validity and applicability of the simulations, we also make comparisons for the galaxy cumulative mass function at z = 1 with observations in the top-left panel of Figure 3. We see that the simulated galaxies have a higher abundance than observed by a factor of 4 \u22125 in the low mass end and the di\ufb00erence increases towards higher mass end. This di\ufb00erence is expected, because the simulation volume is an overdense region that has a higher galaxy density overall and progressively higher densities for more rare, higher mass galaxies. This di\ufb00erence is also borne out in the comparisons between simulated and observed rest-frame g band galaxy luminosity \f\u2013 13 \u2013 9 10 11 \u22124 \u22123 \u22122 \u22121 log M* (Msun) log n(>M*) (h3Mpc\u22123) CMF@z=1 van der Burg 2013 \u221226 \u221225 \u221224 \u221223 \u221222 \u221221 \u221220 \u22124 \u22123 \u22122 \u22121 Mg & Mr log n( 3 \u00d7 1010 M\u2299 (magenta), at z = 0.62. The g-r color distributions show clear bimodalities for all three subsets of galaxies, with the red peak becoming more prominent for less luminous galaxies at z = 0.62, consistent with recent observations (e.g., Bell et al. 2004; Willmer et al. 2006; Bundy et al. 2006; \f\u2013 15 \u2013 Faber et al. 2007). We also caution that one should not overstate the success in this regard for two reasons. First, on the simulation side, since our simulation volume does not necessarily represent an \u201caverage\u201d volume of the universe, a direct comparison to observations would be di\ufb03cult. Second, observations at high redshift (i.e., z \u223c0.62) are perhaps less complete than at low redshift, and identi\ufb01cation of low mass (and especially low surface brightness) galaxies, in particular those that are satellite galaxies and red, may be challenged at present (e.g., Knobel et al. 2013). Our main purpose is to make a comparative study of galaxies of di\ufb00erent types in the simulation and to understand how blue galaxies turn red. It is intriguing to note that there is no lack of red dwarf galaxies. While a direct comparison to observations with respect to abundant red dwarf galaxies can not be made at z = 0.62, future observations may be able to check this. Since our simulation does not include AGN mechanical feedback, this suggests that the bimodal nature of galaxy colors does not necessarily require AGN feedback for galaxies in the mass ranges examined. This \ufb01nding is in agreement with Feldmann et al. (2011), who \ufb01nd that AGN feedback is not an essential ingredient for producing quiescent, red elliptical galaxies in galaxy groups. While SF feedback is included in our simulation, our subsequent analysis shows that environmental e\ufb00ects play the dominant role in driving galaxy color evolution and consequently color bimodality. Our results do not, however, exclude the possibility that AGN feedback may play an important role in regulating larger, central galaxies, such as cD galaxies at the centers of rich clusters of galaxies, for which we do not have a su\ufb03cient sample to make a statistical statement. Our earlier comparison between simulated luminosity functions of galaxies at z = 0 and SDSS observations indicates that some additional feedback, likely in the way of AGN, may be required to suppress star formation in the most massive galaxies (Cen 2011a). 0 0.1 0.2 0.3 0.4 0.5 0.6 0.7 0.8 0.9 0 0.05 0.1 0.15 g\u2212r PDF(g\u2212r) 3\u00d7109\u22121\u00d71010Msun 1\u00d71010\u22123\u00d71010Msun >3\u00d71010Msun Fig. 4.\u2014 shows g \u2212r color distributions of simulated galaxies in three stellar mass ranges, 3\u00d7109 \u2212 1 \u00d7 1010 M\u2299(black), 1 \u00d7 1010 \u22123 \u00d7 1010 M\u2299(cyan) and > 3 \u00d7 1010 M\u2299(magenta), at z = 0.62. \f\u2013 16 \u2013 3. Results Most of our results shown are presented through a variety of comparisons of the dependencies of galaxies of di\ufb00erent types on a set of environmental variables, to learn how galaxies change color. We organize our analysis in an approximately chronological order. In \u00a73.1 we focus on processes around the \u201cquenching\u201d time, tq, followed by the ensuing period of gas starvation in hot environment in \u00a73.2. In \u00a73.3 we discuss stellar mass growth, evolution of stellar mass function of red galaxies and present galaxy color migration tracks. \u00a73.4 gives an example of consequences of the color migration picture galaxy age-mass relation. We present observable environmental dependence of galaxy makeup at z = 0.62 in \u00a73.5. 3.1. Ram-Pressure Stripping: Onset of Star Formation Quenching 0 1 2 3 1.5 2 2.5 3 log S300@tq (keV cm2) log oq (Myr) 0 1 2 3 4 1.5 2 2.5 3 log p300@tq (K cm\u22123) log oq (Myr) \u22121 0 1 2 1.5 2 2.5 3 log 1+b2@tq log oq (Myr) 1 2 3 4 5 1.5 2 2.5 3 d/rv c@tq log oq (Myr) red: satellites black: centrals M* = 3\u00d7 109 M* = 1010 M* = 1011 Fig. 5.\u2014 shows \u03c4q, the exponential decay time of SFR, against four environmental variables at tq: ram-pressure p300 on 300kpc proper scale, environmental entropy S300 on 300kpc proper scale, distance to primary galaxy d/rc v in units of the primary galaxy\u2019s virial radius and environmental overdensity \u03b42 on 2h\u22121Mpc comoving scale. The magenta solid dots with dispersions are the means. Figure 5 shows the quenching time scale \u03c4q (star formation rate exponential decay time) against four environmental variables at the quenching time tq: ram-pressure p300, environmental entropy S300, distance to primary galaxy d/rc v and environmental overdensity \u03b42. It is useful to make clear some nomenclature here. We have used the distance to the primary galaxy, d/rc v, as an environment \f\u2013 17 \u2013 variable, which runs from zero to values signi\ufb01cant above unity. This is merely saying that any galaxy (except the most massive galaxy in the simulation) can \ufb01nd a larger galaxy at some distance, not necessarily at d/rc v \u22641. The de\ufb01nition of \u201csatellite galaxies\u201d is reserved only for those galaxies with d/rc v \u22641, shown clearly as red circles in the low-left panel of Figure 5. The black circles, labeled as \u201ccentrals\u201d are galaxies with d/rc v > 1, i.e., those that are not not \u201csatellite galaxies\u201d. The observation that galaxies are being quenched at all radii d/rc v > 1 as well as d/rc v < 1 indicates that the most likey physical mechanism for the onset of quenching is ram-pressure. Tidal stripping is not expected to be e\ufb00ective at removing gas (or stars) at d/rc v > 1 (see \u00a72.3 for a discussion). The fact that \u03c4q decreases with increasing p300 is self-consistent with ram-pressure being responsible for the onset of quenching. The outcome that \u03c4q only very weakly anti-correlates with p300 indicates that the onset of quenching is some \u201cthreshold\u201d event, which presumably occurs when the ram-pressure exceeds gravitational restoring force (i.e., the threshold), thus strongly re-enforcing the observation that ram-pressure is largely responsible for the onset of quenching. A \u201cthreshold\u201d type mechanism \ufb01ts nicely with the fact that the dispersion of \u03c4q at a given p300 is substantially larger than the correlation trend, because galaxies that cross the \u201cthreshold\u201d are expected to depend on very inhomogeneous internal properties among galaxies (see Figure 6 below). The weak anticorrelation between \u03c4q and \u03b42 stems from a broad positive correlation between p300 and \u03b42. The fact that there is no discernible correlation between \u03c4q and S300 indicates that the onset of quenching is not initiated by gas starvation. The most noticeable contrast to the weak trends noted above is the di\ufb00erence between satellite galaxies (at d/rc v < 1) and central galaxies (at d/rc v > 1), in that \u03c4q of the former is lower than that of the latter by a factor of \u223c2. This is naturally explained as follows. First, at d/rc v < 1 ram-pressure stripping and tidal stripping operate in tandem to accelerate the gas removal process, whereas at d/rc v > 1 ram-pressure stripping operates \u201calone\u201d to remove gas on somewhat longer time scales. Second, at d/rc v > 1 ram-pressure stripping is, on average, less strong than at d/rc v < 1. Possible internal variables that a\ufb00ect the e\ufb00ectiveness of ram-pressure stripping include the relative orientation of the normal of the gas disk and the motion vector, rotation velocity of the gas disk, whether gas disk spiral arms are trailing or not at time of ram-pressure stripping, gas surface density amplitude and pro\ufb01le, dark matter halo density pro\ufb01le. As an obvious example, galaxies that have their motion vector and disk normal aligned are likely to have maximum rampressure stripping e\ufb00ect, everything else being equal. In the other extreme when the two vectors are perpendicular to each other, the ram-pressure stripping e\ufb00ect may be minimized. Needless to say, given many factors involved, the onset of ram-pressure stripping e\ufb00ect will be multi-variant. We elaborate on the multi-variant nature of ram-pressure stripping with one example. The top-panel of Figure 6 shows \u03c4q as a function of the stellar surface density \u03a3e within the e\ufb00ective stellar radius re. We see a signi\ufb01cant positive correlation between \u03c4q and \u03a3e in the sense that it takes longer to rampressure-remove cold gas with higher central surface density (hence higher gravitational restoring force) galaxies. While this positive correlation between \u03c4q and \u03a3e is consistent with observational indications (e.g., Cheung et al. 2012), the underlying physical origin is in a sense subtle. Since rampressure stripping is a \u201cthreshold\u201d event, as noted earlier, when ram-pressure force just exceeds the internal gravitational restoring force, one would have expected that a high surface density would \f\u2013 18 \u2013 yield a shorter dynamic time hence a shorter \u03c4q. This is in fact an incorrect interpretation. Rather, the gas in the central regions where \u03a3e is measured is immune to ram-pressure stripping in the vast majority of cases (see Figure (8) below). Instead, a higher \u03a3e translates, on average, to a larger scale where gas is removed, which has a longer dynamic time hence a longer \u03c4q. 8 9 10 2.5 3 3.5 log Ye (Msun/kpc2) log tqr (Myr) 3\u00d7 109 1010 1011 8 9 10 1.5 2 2.5 3 log oq (Myr) red: satellites black: centrals Fig. 6.\u2014 Top panel: the exponential decay time scale of SFR, \u03c4q, as a function of the stellar surface density \u03a3e within the stellar e\ufb00ective radius re. Bottom panel: the time interval between onset of quenching and the time the galaxy turns red, tqr as a function of \u03a3e. The magenta dots are the averages at a given x-axis value. Taken together, we conclude that, while a high ram-pressure provides the conditions for rampressure stripping to take e\ufb00ect, the e\ufb00ectiveness or timescale for gas removal by ram-pressure stripping also depend on the internal structure of galaxies. It is very interesting to note that, unlike between tq and \u03a3e, tqr (the time interval between the onset of quenching tq and the time when the galaxy turns red) and \u03a3e shown in the bottom-panel of Figure 6, if anything, is weakly anticorrelated. We attribute this outcome to the phenomenon that galaxies with higher central surface \f\u2013 19 \u2013 density have a shorter time scale for consuming the existing cold gas hence, once the overall cold gas reservoir is removed. This explanation will be elaborated more later. \u22121 \u22120.8 \u22120.6 \u22120.4 \u22120.2 0 0.2 0.4 0.6 0.8 1 0 0.1 0.2 tq\u2212tram (Gyr) PDF M*>3\u00d7 109 M*>3\u00d7 1010 Fig. 7.\u2014 the histograms of tq \u2212tram for red galaxies at z = 0.62, where tram is the point in time when the derivative of p300 with respect to time is maximum, and tq is the onset of quenching time for SFR. The vertical thick lines show the medians of the corresponding histograms of the same colors, and the vertical thin lines for each color are for 25% and 75% percentiles. We have made the case above that ram-pressure stripping is primarily responsible for the onset of quenching process based on evidence on the dependence of exponential decay time of SFR at the onset of quenching on environment variables. We now make a direct comparison between tq and tram. Figure (7) shows the histograms of tq \u2212tram. We see that the time di\ufb00erence between the two is centered around zero, indicating a casual connection between the onset of SFR quenching and the rapid rise of ram-pressure. The width of the distribution of a few hundred Myrs re\ufb02ects the fact that the exact strength of ram-pressure stripping required to dislodge the gas varies greatly, depending on many variables as discussed above. This is as yet the strongest supporting evidence for ram-pressure stripping being responsible for the onset of quenching, especially considering the conjunctional evidence that the onset of quenching could occur outside the virial radius of a larger neighboring galaxy where tidal stripping is expected to be less e\ufb00ective and yet ram-pressure is expected to become important. Evidence so far supports the notion that ram-pressure stripping is the initial driver for the decline of SFR in galaxies that are en route to the red sequence. The immediate question is then: What region in galaxies does ram-pressure stripping a\ufb00ect? To answer this question, we need to compare the amount of cold gas available at tq with the amount of star formation that ocurrs subsequently. We compute the following ratios: the ratios of the amount of stars formed during the time interval from tq to the time the galaxy turns red (tr) to the di\ufb00erence between the amount of \f\u2013 20 \u2013 \u22122 \u22121 0 1 0.1 0.2 0.3 0.4 M*>3x109 PDF \u22123 \u22122 \u22121 0 1 2 0 0.1 0.2 0.3 0.4 M*>3x1010 log\u22126 M*/6 MX PDF X=10 X=30 X=100 Fig. 8.\u2014 shows the distribution of \u2212\u2206M\u2217/\u2206MX at three radial ranges, X = (10, 30, 100). \u2206M\u2217is the amount of stars formed during the time interval from the onset of quenching tq to the time the galaxy turns red tr, and \u2206MX is the di\ufb00erence of the amount of cold (T < 105K) gas within a radius X kpc between tr and tq. The vertical dashed lines show the medians of the corresponding histograms of the same colors. cold (T < 105K) gas at tq and tr, denoted as (\u2212\u2206M\u2217/\u2206M10, \u2212\u2206M\u2217/\u2206M30, \u2212\u2206M\u2217/\u2206M100) within three radii (10, 30, 100)kpc. The minus signs are intended to make the ratios positive, since stellar mass typically increase with time, whereas the cold gas mass for galaxies being quenched decreases. Note that \u2206M\u2217could be negative. We set a \ufb02oor value to the above ratios at 10\u22123. Figure (8) shows the distributions of \u2212\u2206M\u2217/\u2206MX, where X = (10, 30, 100). We see that for r \u226410kpc the peak of the distribution (red histograms) for all stellar masses is at \u2212\u2206M\u2217/\u2206M10 > 1, typically in the range of 2 \u221210, with the vast majority of cases at > 1. For a larger radius r \u226430kpc the distribution (green histograms) for all stellar masses is now peaked at \u2212\u2206M\u2217/\u2206M30 \u223c1 with about 50% at < 1, while for a still larger radius r \u2264100kpc the distribution (green histograms) it is now shifted to \u2212\u2206M\u2217/\u2206M100 \u22641 and more than 50% at less than (0.01, 0.4) for galaxies of stellar mass > (3 \u00d7 109, 3 \u00d7 1010) M\u2299, respectively. This is unambiguous evidence that ram-pressure stripping removes the majority of cold gas on scales \u226530kpc, while the cold gas within 10kpc is una\ufb00ected by ram-pressure stripping and consumed by subsequent in situ star formation. It is noted that the lack of e\ufb00ect on the cold gas at r < 10kpc by ram-pressure stripping seems universal, the gas removal by ram-pressure stripping at larger radii r > 30kpc varies substantially from galaxy to galaxy, which we argue is consistent with the large variations of \u03c4q seen in Figure 5. We thus conclude \f\u2013 21 \u2013 \u22121 \u22120.5 0 0.5 1 0 0.2 0.4 0.6 log re (SFR) (kpc) PDF M*=3\u00d7 109 M*>3\u00d7 1010 \u22120.6 \u22120.4 \u22120.2 0 0.2 0 0.2 0.4 0.6 dre(SFR)/dlnSFR (kpc) PDF red M*>3\u00d7 109 M*>3\u00d7 1010 Fig. 9.\u2014 Left panel shows the distribution of the e\ufb00ective radius of stars formed in the last 100Myrs, re(SFR), at tq for galaxies in two stellar mass ranges. The vertical dot-dashed line indicates the e\ufb00ective resolution of the simulation, taken from the bottom-right panel in Figure 3. Right panel shows the distribution of the ratio of the decline of re(SFR) with respect to the decline of SFR, d re(SFR)/d ln SFR at tq. In each panel, we di\ufb00erentiate between galaxies in three separate stellar mass ranges. The vertical lines show the medians of the corresponding histograms of the same colors. that there is continued nuclear SF in the quenching phase. Feldmann et al. (2011), based on a smaller sample of simulated galaxies that form a group of galaxies with a spatial resolution of 300pc (compared to 160pc here), \ufb01nd that in situ star formation is responsible for consuming a substantial fraction of the residual gas on small scales after gas accretion is stopped subsequent to the infall, consistent with our results. This outside-in ram-pressure stripping picture and continuous SF in the inner region that emerges from the above analysis has important implications and observable consequences, consistent with the latest observations (e.g., Gavazzi et al. 2013). We quantify how centrally concentrated the star formation is at the outset of SF quenching in Figure (9), in part to assess our ability to resolve SF during the quenching phase. The left panel shows the distribution of the e\ufb00ective radius of stars formed in the last 100Myrs prior to tq, denoted as rSFR e , for galaxies in two stellar mass ranges. The right panel shows the distribution of the ratio of the decline of rSFR e with respect to the decline of SFR, drSFR e /d ln SFR at tq. It is evident from Figure (9) that more massive galaxies tend to have larger rSFR e , as expected. It is also evident that the recent formation for the vast majority of galaxies occurs within a radius of a few kiloparsecs. It is noted that ongoing SF in a signi\ufb01cant fraction of galaxies with stellar masses \u22643 \u00d7 109 M\u2299is under-resolved, as indicated by the vertical dot-dashed line in the left panel. However, none of our subsequent conclusions would be much altered by this numerical e\ufb00ect, because (1) all of our conclusions appear to be universal across the stellar mass ranges and (2) the inner region of 10kpc is not much a\ufb00ected by ram-pressure stripping anyway (thus underresolving a small central fraction within 10kpc does not a\ufb00ect the overall ram-pressure stripping e\ufb00ects). What is interesting is that more than 50% of galaxies in both stellar mass ranges have negative values of drSFR e /d ln SFR at tq, indicating that, when the SFR decreases in the quenching \f\u2013 22 \u2013 phase, star formation proceeds at progressively larger radii in the central region. This result, while maybe somewhat counter-intuitive, is physically understandable. We attribute this inside-out star formation picture to the star formation rate surface density being a superlinear function of gas surface density in the Kennicutt-Schmidt (Schmidt 1959; Kennicutt 1998) law. The picture goes as follows: when gas supply from large scales (\u223c100kpc) is cut o\ufb00and under the assumption that gas in the central region does not re-distribute radially, the SFR diminishes faster with decreasing radius in the central region where SF occurs, causing the e\ufb00ective SF radius to increase with time and star formation rate to decline faster than cold gas content, while the overall SFR is declining. In summary, ram-pressure stripping is ine\ufb00ective in removing cold gas that is already present on scales of \u226410kpc but most e\ufb00ective in removing less dense gas on larger scales of \u226530kpc. The chief role played by ram-pressure stripping appears to disconnect galaxies from their cold reservoir on scales that are much larger the typical stellar radii. The time scale in question is then on the order of the dynamical time of galaxies at close to the virial radius. 3.2. Starving Galaxies to the Red Sequence and Environmental Sphere of In\ufb02uence The previous subsection details some of the e\ufb00ects on galaxies being quenched due to gas removal by ram-pressure stripping (in conjunction with other hydrodynamical processes) along with consumption by concurrent SF. Our attention is now turned to the subsequent evolution. Figure 10 plots tqr against four environmental variables at tq. From all panels we consistently see the expected trends: the time interval tqr from onset of quenching tq to turning red tr, on average, decreases with increasing environmental pressure, increasing environmental entropy, increasing environmental overdensity and decreasing distance to the primary galaxy. While there is a discernible di\ufb00erence in tqr between satellite galaxies and central galaxies, the di\ufb00erence is substantially smaller than that in the initial exponential decay time scale of SFR \u03c4q (see Figure 5). This observation makes it clear that the onset of quenching initiated by ram-pressure stripping does not determine the overall duration of quenching. Since all the environment variables used tend to broadly correlate with one another higher density regions tend to have higher temperatures, higher gas entropy and higher pressure it is not surprising that we see tqr are correlated with all of them in the expected sense. Earlier we have shown that tqr is weakly anti-correlated with the stellar surface density at re, \u03a3e (see bottom-panel of Figure 6). This suggests that the overall duration from onset of quenching to turning red is not a matter of a galaxy\u2019s ability to hold on to its existing cold gas but rather the extent of the external gas supply condition, i.e., environment. This hypothesis is signi\ufb01cantly a\ufb03rmed by noticing that the strongest anti-correlation is found between tqr and S300, among all environment variables examined. Thus, we conclude, given available evidence, that the eventual \u201cpush\u201d of galaxies into the red sequence is not as a spectacular event as the initial onset of quenching that is triggered by a cuto\ufb00of large-scale gas supply due to ram-pressure stripping, and is essentially the process of gas starvation, when the galaxy has entered a low cold gas density and/or high temperature and/or high velocity dispersion environment. We present distributions of tqr in Figure 11. The top-left panel shows the distribution of tqr for satellite galaxies (those with d/rc h \u22641), grouped into three primary halo mass ranges: \f\u2013 23 \u2013 0 1 2 2.5 3 3.5 log S300@tq (keV cm2) log tqr (Myr) 0 1 2 3 4 5 2.5 3 3.5 log p300@tq (K cm\u22123) log tqr (Myr) M* = 3\u00d7 109 M* = 1010 M* = 1011 \u22121 0 1 2 2.5 3 3.5 log 1+b2@tq log tqr (Myr) red: satellites black: centrals 1 2 3 4 5 2.5 3 3.5 d/rv c@tq log tqr (Myr) Fig. 10.\u2014 shows tqr (time interval from the onset of quenching to the time the galaxy turns red) against four environmental variables at tq: ram-pressure p300 on 300kpc proper scale, environmental entropy S300 on 300kpc proper scale, distance to primary galaxy d/rc v in units of the primary galaxy\u2019s virial radius and environmental overdensity \u03b42 on 2h\u22121Mpc comoving scale. The red dash line in the upper-right panel is intended to indicate a visually noticeable trend. Red circles are satellite galaxies at tq, i.e., within the virial radius of a larger galaxy, and black circles are for non-satellite galaxies. The size of each circle indicates the stellar mass of a galaxy, as shown in the legend in the lower-left panel. M c h = 1011 \u22121012 M\u2299(black), M c h = 1012 \u22121013 M\u2299(green), M c h > 1013 M\u2299(red); the medians of the distributions are (1.2,1.3,1.2)Gyr, respectively. The top-right panel shows the distribution of tqr for satellite galaxies grouped into three ranges of the ratio of satellite to cental stellar mass: M s \u2217/M c \u2217= 0.1 \u22121 (black), M s \u2217/M c \u2217= 0.01 \u22120.1 (green), M s \u2217/M c \u2217= 0.001 \u22120.01 (red); the medians of the distributions of the three groups are nearly identical at \u223c1.3Gyr. The bottom-left panel shows the distribution of tqr for primary galaxies (those with d/rc h > 1), grouped into two halo mass ranges: M c h = 1010 \u22121011 M\u2299(black), and M c h = 1011 \u22121012 M\u2299(green). We see that the medians of the distributions are 1.2Gyr for both mass ranges. The bottom-right panel plots the distribution of all satellite galaxies and all central galaxies, along with a simple gaussian \ufb01t to the combined set. A look of the bottom-right panel of Figure 11 suggests that there is practically no di\ufb00erence between the two distributions. At \ufb01rst sight, this may seem incomprehensible. A closer examination reveals the underlying physics. \f\u2013 24 \u2013 \u22120.4 \u22120.2 0 0.2 0.4 0.6 0 0.1 0.2 0.3 0.4 log tqr (Gyr) PDF satellites Mh c=1011\u221212 Mh c=1012\u221213 Mh c>1013 \u22120.4 \u22120.2 0 0.2 0.4 0.6 0 0.1 0.2 0.3 0.4 log tqr (Gyr) PDF satellites M* s/M* c=0.1\u22121 M* s/M* c=10\u22122\u221210\u22121 M* s/M* c=10\u22123\u221210\u22122 \u22120.4 \u22120.2 0 0.2 0.4 0.6 0 0.1 0.2 0.3 0.4 log tqr (Gyr) PDF centrals Mh c=1010\u221211 Mh c=1011\u221212 \u22120.4 \u22120.2 0 0.2 0.4 0.6 0 0.1 0.2 0.3 0.4 log tqr (Gyr) PDF all satellites all centrals all galaxies Fig. 11.\u2014 Top-left panel: shows the distribution of tqr for satellite galaxies at z = 0.62, separated into three primary halo mass ranges: M c h = 1011 \u22121012 M\u2299(black), M c h = 1012 \u22121013 M\u2299(green), M c h > 1013 M\u2299(red). Top-right panel: shows the distribution of tqr for satellite galaxies at z = 0.62, separated into three ranges of satellite stellar mass to primary stellar mass ratio: M s \u2217/M c \u2217= 0.1 \u22121 (black), M s \u2217/M c \u2217= 0.01 \u22120.1 (green), M s \u2217/M c \u2217= 0.001 \u22120.01 (red). Bottom left panel: shows the distribution of tqr for primary galaxies at z = 0.62, separated into three primary halo mass ranges: M c h = 1010 \u22121011 M\u2299(black), M c h = 1011 \u22121012 M\u2299(green), M c h > 1012 M\u2299(red). The three vertical dashed lines of order (thin, thick, thin) are the (25%, 50%, 75%) percentiles for the histograms of the same color. Bottom right panel: shows the distribution of tqr for all satellite galaxies (blue), all primary galaxies (red) and all galaxies (black) at z = 0.62. An eye-balling lognormal \ufb01t is shown as the magenta line (see Eq 2). Figure 12 shows the distributions of d/rc v at tq for satellite (red) and central (black) red galaxies at z = 0.62. While it is not a surprise that the vast majority of the satellite galaxies at z = 0.62 have their onset of quenching taking place at d/rc v \u22643 at tq, it is evident that the same appears to be true for the central galaxies at z = 0.62. This observation supports the picture that both satellite and central red galaxies at z = 0.62 have been subject to similar environment e\ufb00ects that turn them red. It is noted again that this statement that red central galaxies have been subject to similar processes as the red satellite galaxies has been quantitatively con\ufb01rmed in Figure 11. \f\u2013 25 \u2013 0 1 2 3 4 5 0 0.05 0.1 0.15 d/rv c@tq PDF M* > 3\u00d7 109 satellites at z=0.62 M* > 3\u00d7 109 centrals at z=0.62 Fig. 12.\u2014 shows the distribution of the relative distance d/rc v of progenitors at tq of red galaxies at z = 0.62 for two subsets of galaxies: the red histogram for those that are within the virial radius of a larger galaxy (i.e., satellite galaxies at z = 0.62) and the black histogram for those that are not within the virial radius of a larger galaxy at z = 0.62. The thick blue vertical dashed lines are 50% percentiles for all galaxies being quenched and the thin blue vertical dashed lines are 25% and 75% percentiles. The suggestion by Wetzel et al. (2013b) that some central galaxies are ejected satellite galaxies is consistent with our \ufb01ndings here. Our study thus clearly indicates that one should not confuse red central galaxies with their being quenched by processes other than environment. In fact, all available evidence suggests that it is environment quenching that plays the dominant role for the vast majority of galaxies that turn red, whether they become satellite galaxies at z = 0.62 or not. Feldmann et al. (2011), using a much smaller sample of simulated galaxies that form a group of galaxies, \ufb01nd that quenching of gas accretion starts at a few virial radii from the group center, in good agreement with our results. It is seen in Figure 12 that only about 20% of the onset of galaxy quenching occurs as satellites, i.e., within the virial radius of a larger galaxy, consistent with conclusion derived by others (e.g., van den Bosch et al. 2008). In the bottom-right panel of Figure 11 we provide an approximate \ufb01t to the distribution of tqr for all quenched galaxies normalized to galaxies at z = 0.62 as f(log tqr) = 1 2 log tmed \u221a 2\u03c0 exp \u0002 \u2212(log tqr/ log tmed \u22121)2/8 \u0003 , (2) where tqr and tmed are in Gyr and log tmed = 0.08 \u22121.5 \u00d7 log((1 + z)/1.62). The adopted log tmed = 0.08 \u22121.5 \u00d7 log(1 + z)/1.62 dependence on z is merely an estimate of the time scale, had it scaled \f\u2013 26 \u2013 with redshift proportional to the dynamical time of the universe. One is cautioned not to apply this literally. Nevertheless, it is likely that the median quenching time at lower redshift is longer than \u223c1.2Gyr at z = 0.62, perhaps in the range of 2 \u22123Gyr. Incidentally, this estimated quenching time, if extrapolated to z = 0, is consistent with theoretical interpretation of observational data in semi-analytic modeling or N-Body simulations (e.g., Taranu et al. 2012; Wetzel et al. 2013a). In semi-analytic modeling (e.g., Kimm et al. 2009), the quenching time is often taken to be a delta function. In other words, the satellite quenching process is assumed to be uniform, independent of the internal and external properties of the satellites. Our simulation results (see Eq 2) indicate that such a simplistic approach is not well motivated physically. We suggest that, if a spread in quenching time is introduced in the semi-analytic modeling, an improvement on the agreement between predictions based on semi-analytic modeling and observations may result in. In summary, we \ufb01nd that, within the environmental sphere of in\ufb02uence, galaxies are disconnected with their large-scale cold gas supply by ram-pressure stripping, and subsequently lack of gas cooling and/or accretion in high velocity environment ensures a prolonged period of gas starvation that ultimately turns galaxies red. This applies to satellite galaxies as well as the vast majority of \u201capparent\u201d central red galaxies. The dominance of environment quenching that is found in ab initio cosmological simulations here is in accord with observations (e.g., van den Bosch et al. 2008; Peng et al. 2012; Kovac et al. 2013). 3.3. Color Migration Tracks On its way to the red sequence, a galaxy has to pass through the green valley. Do all galaxies in the green valley migrate to the red sequence? We examine the entire population of green galaxies in the redshift range z = 1 \u22121.5. Tracing these green galaxies to z = 0.62, we \ufb01nd that for galaxies with stellar masses greater than (109.5, 1010, 1010.5) M\u2299, respectively, (40%, 40%, 48%) of galaxies in the green valley at z = 1 \u22121.5, do not become red galaxies by z = 0.62. While this is an important prediction of our simulations, we do not provide more information on how one might tell apart these two di\ufb00erent population of galaxies in the green valley, except to point out that attempts to identify galaxies in the green valley as progenitors of red galaxies may generate some confusion. We examine the distributions (not shown) of the time that red galaxies spent in the green valley, tgreen, en route to the red sequence. The trends with respect to Mh and M s \u2217/M c \u2217seen are similar to those seen in Figure 11. No signi\ufb01cant di\ufb00erentiation among halo masses of central galaxies is visible, once again supportive of environment quenching. Overall, one may summarize the results in three points. First, tgreen is almost universal, independent of being satellites or not, the mass, or the ratio of masses. Second, the range tgreen = 0.30 \u00b1 0.15Gyr appears to enclose most of the galaxies, although there is a signi\ufb01cant tail towards the high end for satellites in low mass central halos. Third, comparing tgreen \u223c0.3Gyr to the interval from onset of quenching to the time galaxy turning red of tqr = 1.2 \u22121.3Gyr, it indicates that, from the onset of quenching to turning red, typical galaxies spend about 25% of the time in the green valley. Let us now examine the migration tracks of galaxies that eventually enter the red sequence. \f\u2013 27 \u2013 9 10 11 12 \u22120.2 \u22120.1 0 0.1 0.2 0.3 0.4 0.5 0.6 0.7 0.8 0.9 1 log M* (Msun) g\u2212r t(green)=200Myrs t(green)=500Myrs Fig. 13.\u2014 shows the evolutionary tracks of 30 semi-randomly selected galaxies on the stellar mass M\u2217-g-r color plane. The 30 galaxies are selected to be clustered around three masses, M\u2217= (109.5, 1010.1, 1011) M\u2299. Each track has a circle attached at the end of the green period to indicate the time spent in the green valley. We shall call this diagram \u201cskyrockets\u201d diagram of galaxy color migration. Figure 13 shows the color-stellar mass diagram for 30 semi-randomly selected red galaxies. It is striking that the color evolution in the green valley and red sequence is mostly vertical, i.e., not accompanied by signi\ufb01cant change in stellar mass. This means that the stellar mass growth of most galaxies must occur in the blue cloud. One can see easily that the blue tracks are mostly moving from lower left to upper right with time for g\u2212r \u22640.3, indicating that galaxies grow when in the blue cloud. In the blue cloud it is seen that there are occasional horizontal tracks, representing mergers that maintain overall color. These are mergers that do not result in red galaxies. The examples of these include the two most massive galaxies in the plot with \ufb01nal stellar masses of \u223c1011.6 M\u2299, where there is a major binary merger of (1011.25 + 1011.25) M\u2299at g \u2212r = 0.26. There are also cases where the tracks temporarily go from north-west to south-east, indicating signi\ufb01cant/major mergers that trigger starbursts that render the remnant galaxies bluer. This anecdotal evidence that galaxies do not signi\ufb01cantly grow mass in the red sequence will be con\ufb01rmed below quantitatively. Feldmann et al. (2011), using a small sample of simulated galaxies that form a group of galaxies, \ufb01nd that mergers and signi\ufb01cant mass growth in galaxies occur, prior to their entering groupd environment, consistent with the \ufb01ndings here. Thus, this \u201cskyrockets\u201d diagram of color-stellar mass evolution in Figure 13 turns out to be a fair representation of typical tracks of galaxies that become red galaxies. We address the stellar mass growth of red galaxies quantitatively in two di\ufb00erent ways. The left panel of Figure 14 shows the histogram of the ratio of stellar mass of red galaxies at z = 0.62 to their progenitor\u2019s stellar mass at the onset of quenching tq. We see that the overall stellar mass growth of red galaxies since the onset of quenching is relatively moderate, with the vast majority of \f\u2013 28 \u2013 0.6 0.7 0.8 0.9 1 1.1 1.2 1.3 1.4 1.5 1.6 1.7 0 0.1 0.2 0.3 0.4 0.5 0.6 0.7 M*/M* q PDF >3\u00d7109 >3\u00d71010 9 10 11 \u22124 \u22123 \u22122 \u22121 10% increase log M* (Msun) log n(>M*) (h3Mpc\u22123) CMF of red galaxies z=0.62 CMF of red galaxies z=0.86 Fig. 14.\u2014 Left panel: the histogram of the ratio of stellar mass of red galaxies at z = 0.62 to their progenitor\u2019s stellar mass at the onset of quenching tq, for two stellar mass ranges of the red galaxies at z = 0.62. Right panel: cumulative stellar mass functions of red galaxies at z = 0.62 (blue) and z = 1 (magenta). For the red galaxies at z = 0.62 we \ufb01nd that the median value of tq corresponds to redshift z \u223c0.86, thus the choice of z = 0.86. galaxies gaining less than 30% of their stellar mass during this period, consistent with observations (e.g., Peng et al. 2010, 2012). There is a non-negligible fraction of galaxies that experience a decline of stellar mass, due to tidal interactions and collisions. There is 5 \u221210% of red galaxies that gain more than \u226540% of their stellar mass during this period, possibly due to mergers and accretion of satellite galaxies. We do not address red galaxies more massive than 1012 M\u2299because of lack of a statistically signi\ufb01cant red sample. Since these larger galaxies tend to reside at the centers of groups and clusters, there is a larger probability that AGN feedback may play a signi\ufb01cant role in them. Empirical evidence suggests that radio jets get extinguished in the near vicinity of the central galaxies in groups/clusters (e.g., McNamara & Nulsen 2007), in sharp contrast to AGNs in isolated galaxies where jets, seen as large radio lobes, appear to deposit most of their energy on scales much larger than the star formation regions. Thus, AGN feedback in the central massive galaxies in clusters/groups may be energetically important to have a major e\ufb00ect on gas cooling and star formation in them (e.g., Omma & Binney 2004). Thus, our neglect of AGN feedback in the simulation cautions us to not draw any de\ufb01nitive conclusion with respect to this special class of galaxies at this time. The stellar mass growth of individual red galaxies shown in the left panel of Figure 14 contains very useful information. However, it does not address a related but separate question: How does the stellar mass function of red galaxies evolve with redshift? We address this question here. We compute the cumulative stellar mass function of red galaxies at z = 0.62 and z = 0.86, separately, and show them in the right panel of Figure 14. We see that for red galaxies with stellar masses greater than \u223c3 \u00d7 1010 M\u2299, when matched in abundance, the stellar masses grow a factor of \u223c1.6 from z = 0.86 to z = 0.62, much larger than 10% (for about 75% of galaxies) seen in the left panel of Figure 14. We refrain from making a direct comparison to observations in this case, because our \f\u2013 29 \u2013 limited simulation volume is highly biased with respect to the massive end of the mass function. We strict ourselves to a comparative analysis of galaxies in our simulation volume and ask the question of how red galaxies in our simulation volume grow with time. The most important point to note is that this apparent growth of stellar mass of red galaxies based on abundance matching could not be due to growth of individual red galaxies in the red sequence, since the actual stellar mass increase since the onset of quenching is moderate, \u226410% typically, seen in the left panel of Figure 14. Physically, this suggests that dry mergers do not play a major role in the \u201capparent\u201d stellar mass growth of red galaxies, consistent with observations (e.g., Pozzetti et al. 2007). Rather, galaxies grow their stellar mass when they are still in the blue cloud, illustrated in Figure 13. A physical picture of galaxy color migration emerges based on our results. The migration from the blue cloud to the red sequence proceeds in a staggered fashion: stellar masses of individual galaxies continuously grow, predominantly in the blue cloud, and blue galaxies over the entire mass range continuously migrate into the red sequence over time. Galaxies migrate from the blue cloud to the red sequence almost vertically in the usual color-magnitude diagram (see Figure 13). For simplicity we will call this type of color migration \u201cVertical Tracks\u201d, which correspond most closely to \u201cB tracks\u201d proposed by Faber et al. (2007), with the growth since the onset of quenching being moderate (\u226430%). 3.4. Galaxy Age-Mass and Age-Environment Relations The vertical tracks found have many implications on observables. The \ufb01rst question one asks is this: if galaxies follow the vertical tracks, is the galaxy age-mass relation consistent with observations? We address this question in this subsection. Figure 15 shows a scatter plot of red galaxies in the stellar mass M\u2217-mean galaxy formation time tf plane at z = 0.62 (top) and z = 1 (bottom), where tf is stellar formation time, not lookback time. The red galaxies are subdivided into two groups: centrals (black circles) and satellites (red circles). For the purpose of comparison to observations, we only show galaxies with high surface brightness of \u00b5B < 23 mag arcsec\u22122 (e.g., Impey & Bothun 1997). Several interesting results can be learned. First, no systematic di\ufb00erence between satellite and central galaxies is visible, supporting earlier \ufb01ndings that there is no appreciable di\ufb00erences between satellites and centrals with respect to duration from quenching to turning red tqr (Figure 11). Second, at any given redshift, the brightest red galaxies are relatively \u201cold\u201d (but not necessarily the oldest), of ages of several billion years (age = tH \u2212tf and tH = (7.85, 5.94)Gyr for z = (0.62, 1)), consistent with observations. Third, at stellar masses greater than 1010.2\u221210.7 M\u2299red galaxies have a nearly uniform mean age; the age spread at a given stellar mass of \u223c1Gyrs is consistent with observations (e.g., Demarco et al. 2010). Fourth, fainter red galaxies are younger than brighter red galaxies in the mass range 109.5\u221210.5 M\u2299; we see that the age di\ufb00erence between the two ends of the mass range is \u223c2.5Gyr and 1.3Gyr, respectively, at z = 0.62 and z = 1, suggesting a steepening with decreasing redshift of the age di\ufb00erence between galaxies of di\ufb00erent masses in the red sequence. Demarco et al. (2010) \ufb01nd an age di\ufb00erence between the faint and bright ends of red sequence galaxies of \u223c2Gyr at z = 0.84, in \f\u2013 30 \u2013 9 10 11 12 2 3 4 5 6 tf(high mass)=3.2 Gyr log tf (Gyr) red galaxies@z=0.62 centrals satellites mean symptotic 9 10 11 12 2 3 4 tf(high mass)=2.8 Gyr log M* (Msun) log tf (Gyr) red galaxies@z=1 centrals satellites mean symptotic Fig. 15.\u2014 shows a scatter plot of red galaxies in the stellar mass M\u2217-mean galaxy formation time tf plane at z = 0.62 (top) and z = 1 (bottom), where tf is stellar formation time, not lookback time. The red galaxies are subdivided into two groups: centrals (black circles) and satellites (red circles). For the purpose of comparison to observations, we only show galaxies with high surface brightness of < 23B mag arcsec\u22122 (e.g., Impey & Bothun 1997). The green horizontal dashed lines indicate the mean formation redshift of the most luminous red galaxies at the two redshifts. The magenta dots are the averages of tf at the stellar mass bins. excellent agreement with our results. The physical origin for the steepening with decreasing redshift of the age di\ufb00erence between galaxies of di\ufb00erent masses in the red sequence is traceable to the steepening of speci\ufb01c SFR with stellar mass with decreasing redshift that is, in a fundamental way, related to the cosmic downsizing phenomenon (Cen 2011a). It is interesting to note that, in Figure 15, scatters notwithstanding, there appears to be a critical stellar mass of \u223c1010.2\u221210.7 M\u2299, above which the age (or formation time) of red galaxies \ufb02attens out to a constant value. At least for the redshift range that we have examined, z = 0.62\u22121, this critical stellar mass appears to be redshift independent. At still higher redshift we do not have enough statistics to see if this critical mass remains the same. This critical mass is tantalizingly close to the division mass of \u223c1010.5 M\u2299discovered by Kau\ufb00mann et al. (2003) at low redshift, which appears to demarcate a number of interesting trends in galaxy properties. This physical origin of this mass is unclear and deferred to a future study. Given the \u201cvertical tracks\u201d, i.e., lack of signi\ufb01cant stellar mass growth subsequently to quench\f\u2013 31 \u2013 9 10 11 12 2 3 4 5 6 log tf (Gyr) red blue@z=0.80\u22120.94 9 10 11 12 2 3 4 5 6 non\u2212red blue@z=0.80\u22120.94 9 10 11 12 1.2 1.5 2 log M* (Msun) log tf (Gyr) blue@z=3, res=114pc/h 9 10 11 12 1.2 1.5 2 zf=4 log M* (Msun) blue@z=3, res=29pc/h Fig. 16.\u2014 shows the stellar mass M\u2217-mean galaxy formation time tf scatter plot for blue galaxies at z = 0.80\u22120.94 that become red galaxies (top left) and that do not become red galaxies (top right). Each small group of mostly linearly aligned circles is one galaxy that appears multiple times (maximum is 8). The blue dots indicate average values. The green horizontal dashed lines and the magenta dots are the same in the top panel of Figure (15), indicating the mean formation time of the most luminous red galaxies and the average formation time of red galaxies at z = 0.62. Bottom left panel: shows the stellar mass M\u2217-mean galaxy formation time tf scatter plot for blue galaxies at z = 3 with the \ufb01ducial resolution 114pc/h. Bottom right panel: shows the stellar mass M\u2217-mean galaxy formation time tf scatter plot for blue galaxies at z = 3 with the four times better resolution of 29pc/h. The blue dots indicate average values. ing, one may ask this: is the age-mass relation of red galaxies inherited from their blue progenitors? We will now address this question. To select progenitors of red galaxies at z = 0.62, we note that the majority of galaxies that turn red by z = 0.62 have tqr = 1\u22121.7Gyr. Thus, we choose galaxies in the redshift range z = 0.80\u22120.94 (8 snapshots with z = (0.80, 0.82, 0.84, 0.86, 0.88, 0.90, 0.92, 0.94)), where the Hubble time di\ufb00erences between z = 0.62 and z = 0.80 and z = 0.94 are (1.0, 1.7)Gyr, respectively, enclosing the vast majority of blue progenitors of red galaxies at z = 0.62 near the onset of quenching. We separate the blue galaxies into two groups: one group contains the blue progenitors of z = 0.62 red galaxies and the other group other blue galaxies that have not turned into red galaxies by z = 0.62. Figure 16 shows the stellar mass M\u2217-mean galaxy formation time tf scatter plot for blue galaxies at z = 0.80 \u22120.94 that are progenitors of red galaxies at z = 0.62 (top left) and those that do not become red galaxies (top right). Each small group of mostly linearly aligned circles is one galaxy that appears multiple times (maximum is 8). Within the scatters we see that the green dashed line, borrowed from Figure 15, provides a good match to the near constant \f\u2013 32 \u2013 age at the high mass end for the progenitors of red galaxies. The magenta dots, borrowed from Figure 15, match well the trend for the blue dots in the mass range 109.5\u221210.5 M\u2299. These results are fully consistent with our initial expectation based on the observation (of our simulation) of two physical processes: (1) that stellar mass growth is moderate during tqr hence evolution during tqr does not signi\ufb01cantly alter the mean star formation time of each galaxy, (2) less massive forming galaxies have higher sSFR than massive galaxies, causing a steepening of the age-mass relation at the low mass end. This explains the physical origin of the age-mass relation seen in Figure 15. It is prudent to make sure that these important general trends seen in the simulation are robust. In the bottom two panels of Figure 16 we make a comparison between blue galaxies of two simulations with di\ufb00erent resolutions, at z = 3. The bottom-left panel is from the \ufb01ducial simulation with a resolution of 114pc/h and the bottom-right panel is from an identical simulation with four times better resolution of 29pc/h. We see that both the age-mass trend at low mass end and the near constancy of stellar age at the high mass end are shared by the two simulations, suggesting that results from our \ufb01ducial simulation are su\ufb03ciently converged for the general trends presented at the level of concerned accuracies. A comparison between the top left and top right panels in Figure 16 makes it clear that the age-mass relation of the blue progenitors of red galaxies at quenching is, to a large degree, shared by blue galaxies that do not become red galaxies by z = 0.62. One subtle di\ufb00erence is that the most massive non-progenitor blue galaxies are slightly younger than the most massive progenitors of red galaxies, suggesting that the blue progenitors of red galaxies, on \u201ctheir way\u201d to become red galaxies, have started to \u201cforeshadow\u201d quenching e\ufb00ects mildly. 3.5. Environmental Dependencies of Various Galaxy Populations At a given redshift the cumulative environmental e\ufb00ects are imprinted on the relative distribution of galaxies of di\ufb00erent color types and possibly on the properties of galaxies within each type. We now present predictions of our simulations with respect to these aspects. Figure 17 shows distributions of three types of galaxies as a function of distance to the primary galaxy in units of the virial radius of the primary galaxy at z = 0.62. All galaxies with distance larger than 4 virial radii of the primary galaxy are added to the bin with d/rc v = 4 \u22125. We use the total galaxy population above the respective stellar mass threshold as a reference sample and distributions in the top (blue galaxies), middle (green galaxies) and bottom (red galaxies) panels are normalized relative to reference sample. Comparing the top (blue galaxies), middle (green galaxies) and bottom (red galaxies) panels, we see clear di\ufb00erences of environmental dependencies of the three types of galaxies. For blue galaxies, there is a de\ufb01cit at d/rc v \u22642, which is compensated by a comparable excess at d/rc v \u22653. The range d/rc v = 2 \u22123 seems to mark the region where an excess of green galaxies, about one half of which will become red galaxies during the next 1 \u22121.7Gyr. It is useful to recall that not all galaxies in the green valley will turn into red galaxies, which perhaps has contributed in part to some of the \u201cirregularities\u201d of the distribution of the green galaxies (middle panel). For red galaxies, we see a mirror image of blue galaxies: there is an excess at d/rc v \u22642 and a de\ufb01cit d/rc v \u22653. This trend is in agreement with observational indications (e.g., Woo et al. \f\u2013 33 \u2013 1 2 3 4 \u22120.5 0 0.5 1 PDFb/PDFt\u22121 blue galaxies >3\u00d7109 >1\u00d71010 >3\u00d71010 1 2 3 4 \u22120.5 0 0.5 PDFg/PDFt\u22121 green galaxies 0 1 2 3 4 5 \u22121 0 1 red galaxies d/rv c PDFr/PDFt\u22121 Fig. 17.\u2014 Top panel shows distribution of the distance to the nearest primary galaxy for blue galaxies at z = 0.62, PDFb/PDFt \u22121. The middle panel shows the normalized distribution of green galaxies, PDFg/PDFt \u22121. The bottom panel shows the normalized distribution of red galaxies, PDFr/PDFt \u22121. All galaxies with distance larger than 4 virial radii of the primary galaxy are added to the bin with d/rc v = 4 \u22125. 2013). The emerging picture found here that satellite quenching plays a dominant role in quenching galaxies is in accord with observations (e.g., van den Bosch et al. 2008; Peng et al. 2010, 2012). Figure 18 shows distributions of three types of galaxies as a function of environmental entropy S300. We see that the excess of red galaxies starts at S300 = 100 keV cm2 and rises toward higher entropy regions for red galaxies. The trend for blue galaxies is almost an inverted version of that for red galaxies. The trend for green galaxies lie in-between those for blue and red galaxies, as expected. In Cen (2011a) we put forth the notion that a critical entropy Sc = 100 keV cm2 (at z = 0.62 and weakly dependent on redshift), marks a transition to a regime of ine\ufb03cient gas cooling hence cold gas starvation, because above this entropy the gas cooling time exceeds the Hubble time. This is borne out with our more detailed analysis here. We also plot (not shown here) distributions of three types of galaxies as a function of the environmental pressure p300 and environmental overdensity \u03b42, respectively, and \ufb01nd that the trend is broadly similar to that see in Figure 18. Overall, our results are in accord with the observed density-morphology relation (e.g., Oemler 1974; Dressler 1980; Postman & Geller 1984; Cooper et al. 2006; Tanaka et al. 2007; Bundy et al. 2006; Quadri et al. 2012; Muzzin et al. 2012), and with the general observed trend of galaxy population becoming \f\u2013 34 \u2013 1 2 3 \u22120.5 0 1 PDFb/PDFt\u22121 blue galaxies >3\u00d7109 >1\u00d71010 >3\u00d71010 1 2 3 \u22120.5 0 1 PDFg/PDFt\u22121 green galaxies 1 2 3 \u22121 0 1 2 3 4 log S300 (keV cm2) PDFr/PDFt\u22121 red galaxies Fig. 18.\u2014 Top panel shows the normalized environmental entropy distribution of blue galaxies at z = 0.62, PDFb/PDFt \u22121. The middle panel shows the normalized di\ufb00erence distribution of green and blue galaxies, PDFg/PDFb \u22121. The bottom panel shows the normalized di\ufb00erence distribution of red and blue galaxies, PDFr/PDFb \u22121. bluer or mean/median speci\ufb01c star formation rate becoming higher towards underdense regions in the local universe (e.g., Lewis et al. 2002; Goto et al. 2003; G\u00b4 omez et al. 2003; Tanaka et al. 2004; Rojas et al. 2004). Having examined the dependencies of three types of galaxies on environmental variables, we now explore the dependencies on two additional variables: the mass of the halo of the primary galaxy and the secondary to primary galaxy stellar mass ratio. Figure 19 shows fractions of three populations of galaxies in terms of color (red, green, blue) as a function of secondary to primary galaxy stellar mass ratio. The (left, middle, right) columns are for primary galaxies of halo masses in three ranges (1011\u221212 M\u2299,1012\u221213 M\u2299,1013\u221214 M\u2299) respectively. The four rows from top to bottom are for secondaries within four di\ufb00erent radial shells centered on the primary galaxy (\u2264rc v, [1\u22122]rc v, [2\u22123]rc v, [3 \u22124]rc v). We adopt the following language to make comparative statements: the environment quenching is important if the fraction of blue galaxies is less than the fraction of red galaxies and vice versa. We see two separate trends in Figure 19. First, more massive environments are more able to quench star formation; for primary galaxies with halo masses in the range of 1013 \u22121014 M\u2299 the quenching appears to extend at least to [2 \u22123]rc v, whereas for primary galaxies with lower halo \f\u2013 35 \u2013 \u22122 \u22121 0 0.5 0.9 1 Mh c=1013\u221214 \u22122 \u22121 0 0.5 0.9 1 PDF (d=[2\u22123]rv c) \u22123 \u22122 \u22121 0 0.5 0.9 1 PDF (d=[2\u22123]rv c) log M* s/M* c \u22123 \u22122 \u22121 0 0.5 0.9 1 PDF (d=[2\u22123]rv c) log M* s/M* c \u22122 \u22121 0 0.5 0.9 1 Mh c=1012\u221213 PDF (d=[2\u22123]rv c) \u22122 \u22121 0 0.5 0.9 1 PDF (d=[2\u22123]rv c) \u22123 \u22122 \u22121 0 0.5 0.9 1 PDF (d=[2\u22123]rv c) log M* s/M* c \u22123 \u22122 \u22121 0 0.5 0.9 1 PDF (d=[2\u22123]rv c) log M* s/M* c \u22122 \u22121 0 0 0.5 0.9 Mh c=1011\u221212 PDF (d0.1L* galaxies in high-resolution, large-scale\ncosmological hydrodynamic simulations is examined with respect to three\ncomponents: (cold, warm, hot) with temperatures equal to (<10^5, 10^{5-6},\n>10^6)K, respectively. The warm component is compared, utilizing O VI\n\\lambda\\lambda 1032, 1038 absorption lines, to observations and agreement is\nfound with respect to the galaxy-O VI line correlation, the ratio of O VI line\nincidence rate in blue to red galaxies and the amount of O VI mass in\nstar-forming galaxies. A detailed account of the sources of warm halo gas\n(stellar feedback heating, gravitational shock heating and accretion from the\nintergalactic medium), inflowing and outflowing warm halo gas metallicity\ndisparities and their dependencies on galaxy types and environment is also\npresented. Having the warm component securely anchored, our simulations make\nthe following additional predictions. First, cold gas is the primary component\nin inner regions, with its mass comprising 50% of all gas within\ngalacto-centric radius r=(30,150)kpc in (red, blue) galaxies. Second, at\nr>(30,200)kpc in (red, blue) galaxies the hot component becomes the majority.\nThird, the warm component is a perpetual minority, with its contribution\npeaking at ~30% at r=100-300kpc in blue galaxies and never exceeding 5% in red\ngalaxies. The significant amount of cold gas in low-z early-type galaxies found\nin simulations, in agreement with recent observations (Thom et al.), is\nintriguing, so is the dominance of hot gas at large radii in blue galaxies.",
+ "authors": "Renyue Cen",
+ "published": "2013-04-11",
+ "updated": "2013-04-11",
+ "primary_cat": "astro-ph.CO",
+ "cats": [
+ "astro-ph.CO"
+ ],
+ "main_content": "Introduction Galaxy formation and evolution is the central astrophysical problem in cosmology. The basic parameters of the cosmological framework the standard cosmological constantdominated cold dark matter (DM) model (LCDM) (e.g., Krauss & Turner 1995; Bahcall 1Department of Astrophysical Sciences, Princeton University, Peyton Hall, Ivy Lane, Princeton, NJ 08544; cen@astro.princeton.edu arXiv:1304.3466v1 [astro-ph.CO] 11 Apr 2013 \f\u2013 2 \u2013 et al. 1999) are largely \ufb01xed to an accuracy of \u223c10% or better. The LCDM model is able to explain a variety of observations on scales greater than \u223c1Mpc, including high redshift supernovae (e.g., Perlmutter et al. 1998; Riess et al. 1998; Astier et al. 2006), the cosmic microwave background (e.g., Komatsu et al. 2011; Planck Collaboration et al. 2013), largescale distribution of galaxies (e.g., Tegmark et al. 2004; Percival et al. 2007), X-ray cluster abundance (e.g., Allen et al. 2008) and Ly\u03b1 forest (e.g., Croft et al. 2002; Seljak et al. 2005). An important component of the astrophysical problem gravitational formation and evolution of halos that host galaxies is well understood, through N-body simulations (e.g., Jenkins et al. 2001; Bullock et al. 2001; Wechsler et al. 2002; Diemand et al. 2007) and analytic models (e.g., Bond et al. 1991; Lacey & Cole 1993; Sheth & Tormen 1999; Mo & White 2002; Cooray & Sheth 2002). The gastrophysics of galaxy formation and feedback, on the other hand, is far from being adequately understood. Alternative approaches that parameterize and then infer physical processes based on \ufb01nding best matches to observations, such as the semi-analytic methods (e.g., Somerville & Primack 1999; Benson et al. 2003) and the halo-occupation distribution (HOD) method (e.g., Berlind & Weinberg 2002; Zheng et al. 2007), have been successful but have limited predictive power. More importantly, in semianalytic methods the treatment of galaxy formation is halo based and largely decoupled from that of the intergalactic medium, which in fact has dramatically evolved with time. At z = 2 \u22126 most of the baryons are found to be in the Ly\u03b1 forest, a relatively cold phase of temperature of \u223c104K, as indicated by both observations (e.g., Rauch et al. 1997) and simulations (e.g., Cen et al. 1994). By z = 0 most of the baryons in the intergalactic medium have been heated up, primarily by gravitational shocks, to temperatures that are broadly peaked at about 106K, the so-called Warm-Hot Intergalactic Medium (WHIM) (e.g., Cen & Ostriker 1999). The \u201cab initio\u201d, more predictive approach of direct cosmological hydrodynamic simulations, after having made steady progress (e.g., Evrard et al. 1994; Katz et al. 1996; Teyssier 2002; Kere\u02c7 s et al. 2005; Hopkins et al. 2006; Oppenheimer & Dav\u00b4 e 2006; Governato et al. 2007; Naab et al. 2007; Gnedin et al. 2008; Joung et al. 2009; Cen 2011), begin to be able to make statistically signi\ufb01cant and physically realistic characterizations of the simultaneous evolution of galaxies and the intergalactic medium. It is the aim of this writing to quantify the composition of the halo gas in low redshift galaxies, using state-of-the-art high resolution (460h\u22121pc), large-scale (thousands of galaxies) cosmological hydrodynamic simulations with advanced treatments of star formation, feedback and microphysics. Our focus here is on gas that is in the immediate vicinities of galaxies, on galactocentric distances of 10 \u2212500kpc, where the exchanges of gas, metals, energy and momentum between galaxies and the intergalactic medium (IGM) primarily take place. We shall broadly term it \u201ccircumgalactic medium (CGM)\u201d or \u201chalo gas\u201d. Understanding halo gas is necessary before a satisfactory theory of galaxy formation and evolution may be constructed. The present theoretical study is also strongly motivated observationally, in light of recent rapid accumulation of data by HST observations enabling detailed \f\u2013 3 \u2013 comparisons between galaxies and the warm component (T \u223c105 \u2212106K) of their CGM at low redshift (e.g., Chen & Mulchaey 2009; Prochaska et al. 2011b; Tumlinson et al. 2011a; Tripp et al. 2011). We shall dissect halo gas at low redshift (z < 0.5) into three components, (cold, warm, hot) gas with temperature (< 105, 105 \u2212106, > 106)K, respectively. A large portion of our presentation is spent on quantifying O VI \u03bb\u03bb1032, 1038 absorption lines and the overall properties of warm halo gas and comparing them to observations in as much detail as possible. Feedback processes, while being treated with increased physical sophistication, are still not based on \ufb01rst principles due primarily to resolution limitations in large-scale cosmological simulations. Thus, it is imperative that our simulations are well validated and anchored by requiring that some key and pertinent aspects of our simulations match relevant observations. The O VI line, when collisionally ionized, has its abundance peaked at a temperature of T = 105.3\u22125.7K and thus is an excellent proxy for the the warm gas. After validating our simulations with respect to the observed properties of O VI absorption lines, we present the overall composition of low redshift halo gas. We \ufb01nd that, for (red,blue) galaxies more luminous than 0.1L\u2217the cold gas of T < 105K, on average, dominates the halo gas budget within a radius of (30, 150)kpc. Beyond a radius of (30, 200)kpc for (red,blue) galaxies the hot gas of T > 106K dominates. The warm component remains a smallest minority at all radii, peaking at \u223c30% at \u223c100 \u2212300kpc for blue galaxies but never exceeding 5% for red galaxies. The following physical picture emerges for the physical nature of the warm gas component. The warm halo gas has a cooling time much shorter than the Hubble time and hence is \u201ctransient\u201d, with their presence requiring sources. To within a factor of two we \ufb01nd that, for low-z \u22650.1L\u2217red galaxies contributions to warm halo gas from star formation feedback (Fr), accretion of intergalactic medium (Ar) and gravitational shock heating (Gr) are (Fr, Ar, Gr) = (30%, 30%, 40%). For blue \u22650.1L\u2217galaxies contributions to warm halo gas from the three sources are (Fb, Ab, Gb) = (48%, 48%, 4%). The mean metallicity of warm halo gas in (red, blue) galaxies is (\u223c0.25 Z\u2299, \u223c0.11 Z\u2299). Environmental dependence of O VI-bearing halo gas is as follows. In low density environments the metallicity of in\ufb02owing warm gas is substantially lower than that of out\ufb02owing warm gas; the opposite is true in high density environments. The outline of this paper is as follows. In \u00a72.1 we detail simulation parameters and hydrodynamics code, followed by a description of our method of making synthetic O VI spectra in \u00a72.2, which is followed by a description of how we average the two separate simulations C (cluster) and V (void) run in \u00a72.3. Results are presented in \u00a73. A detailed comparison of galaxy-O VI absorber correlation is computed and shown to match observations in \u00a73.1, followed in \u00a73.2 by an analysis of the ratio of O VI absorber incidence rates around blue and red galaxies that is found to be consistent with observations. A detailed examination of the \f\u2013 4 \u2013 physical origin and properties of the warm gas in low-z halo is given in \u00a73.3. The overall composition of low-z halo gas is given in \u00a73.4 and conclusions are summarized in \u00a74. 2. Simulations 2.1. Hydrocode and Simulation Parameters We perform cosmological simulations with the AMR Eulerian hydro code, Enzo (Bryan 1999; Bryan & Norman 1999; O\u2019Shea et al. 2005). The version we use is a \u201cbranch\u201d version (Joung et al. 2009), which includes a multi-tiered re\ufb01nement method that allows for spatially varying maximum re\ufb01nement levels, when desired. This Enzo version also includes metallicity-dependent radiative cooling extended down to 10 K, molecular formation on dust grains, photoelectric heating and other features that are di\ufb00erent from or not in the public version of Enzo code. We use the following cosmological parameters that are consistent with the WMAP7-normalized (Komatsu et al. 2011) LCDM model: \u2126M = 0.28, \u2126b = 0.046, \u2126\u039b = 0.72, \u03c38 = 0.82, H0 = 100hkms\u22121Mpc\u22121 = 70kms\u22121Mpc\u22121 and n = 0.96. These parameters are also consistent with the latest Planck results (Planck Collaboration et al. 2013), if one adopts the Hubble constant that is the average between Planck value and those derived based on SNe Ia and HST key program (Riess et al. 2011; Freedman et al. 2012). We use the power spectrum transfer functions for cold dark matter particles and baryons using \ufb01tting formulae from Eisenstein & Hut (1998). We use the Enzo inits program to generate initial conditions. First we ran a low resolution simulation with a periodic box of 120 h\u22121Mpc on a side. We identi\ufb01ed two regions separately, one centered on a cluster of mass of \u223c2 \u00d7 1014 M\u2299and the other centered on a void region at z = 0. We then resimulate each of the two regions separately with high resolution, but embedded in the outer 120h\u22121Mpc box to properly take into account large-scale tidal \ufb01eld and appropriate boundary conditions at the surface of the re\ufb01ned region. We name the simulation centered on the cluster \u201cC\u201d run and the one centered on the void \u201cV\u201d run. The re\ufb01ned region for \u201cC\u201d run has a size of 21 \u00d7 24 \u00d7 20h\u22123Mpc3 and that for \u201cV\u201d run is 31 \u00d7 31 \u00d7 35h\u22123Mpc3. At their respective volumes, they represent 1.8\u03c3 and \u22121.0\u03c3 \ufb02uctuations. The root grid has a size of 1283 with 1283 dark matter particles. The initial static grids in the two re\ufb01ned boxes correspond to a 10243 grid on the outer box. The initial number of dark matter particles in the two re\ufb01ned boxes correspond to 10243 particles on the outer box. This translates to initial condition in the re\ufb01ned region having a mean interparticle-separation of 117h\u22121kpc comoving and dark matter particle mass of 1.07 \u00d7 108h\u22121 M\u2299. The re\ufb01ned region is surrounded by two layers (each of \u223c1h\u22121Mpc) of bu\ufb00er zones with particle masses successively larger by a factor of 8 for each layer, which then connects with the outer root grid that has a dark matter particle \f\u2013 5 \u2013 mass 83 times that in the re\ufb01ned region. The initial density \ufb02uctuations are included up to the Nyquist frequency in the re\ufb01ned region. The surrounding volume outside the re\ufb01ned region is also followed hydrodynamically, which is important in order to properly capture matter and energy exchanges at the boundaries of the re\ufb01ned region. Because we still can not run a very large volume simulation with adequate resolution and physics, we choose these two runs of moderate volumes to represent two opposite environments that possibly bracket the universal average. We choose a varying mesh re\ufb01nement criterion scheme such that the resolution is always better than 460/h proper parsecs within the re\ufb01ned region, corresponding to a maximum mesh re\ufb01nement level of 9 above z = 3, of 10 at z = 1\u22123 and 11 at z = 0\u22121. The simulations include a metagalactic UV background (Haardt & Madau 2012), and a model for shielding of UV radiation by atoms (Cen et al. 2005). The simulations also include metallicity-dependent radiative cooling and heating (Cen et al. 1995). We clarify that our group has included metal cooling and metal heating (due to photoionization of metals) in all our studies since Cen et al. (1995) for the avoidance of doubt (e.g., Wiersma et al. 2009; Tepper-Garc\u00b4 \u0131a et al. 2011). Star particles are created in cells that satisfy a set of criteria for star formation proposed by Cen & Ostriker (1992). Each star particle is tagged with its initial mass, creation time, and metallicity; star particles typically have masses of \u223c105\u22126 M\u2299. Supernova feedback from star formation is modeled following Cen et al. (2005). Feedback energy and ejected metal-enriched mass are distributed into 27 local gas cells centered at the star particle in question, weighted by the speci\ufb01c volume of each cell (i.e., weighting is equal to the inverse of density), which is to mimic the physical process of supernova blastwave propagation that tends to channel energy, momentum and mass into the least dense regions (with the least resistance and cooling). We allow the whole feedback processes to be hydrodynamically coupled to surroundings and subject to relevant physical processes, such as cooling and heating, as in nature. The extremely inhomogeneous metal enrichment process demands that both metals and energy (and momentum) are correctly modeled so that they are transported into right directions in a physically sound (albeit still approximate at the current resolution) way, at least in a statistical sense. In our simulations metals are followed hydrodynamically by solving the metal density continuity equation with sources (from star formation feedback) and sinks (due to subsequent star formation). Thus, metal mixing and di\ufb00usion through advection, turbulence and other hydrodynamic processes are properly treated in our simulations. The primary advantages of this supernova energy based feedback mechanism are threefold. First, nature does drive winds in this way and energy input is realistic. Second, it has only one free parameter eSN, namely, the fraction of the rest mass energy of stars formed that is deposited as thermal energy on the cell scale at the location of supernovae. Third, the processes are treated physically, obeying their respective conservation laws (where \f\u2013 6 \u2013 they apply), allowing transport of metals, mass, energy and momentum to be treated selfconsistently and taking into account relevant heating/cooling processes at all times. We use eSN = 1 \u00d7 10\u22125 in these simulations. The total amount of explosion kinetic energy from Type II supernovae with a Chabrier IMF translates to eSN = 6.6 \u00d7 10\u22126. Observations of local starburst galaxies indicate that nearly all of the star formation produced kinetic energy (due to Type II supernovae) is used to power galactic superwinds (e.g., Heckman 2001). Given the uncertainties on the evolution of IMF with redshift (i.e., possibly more top heavy at higher redshift) and the fact that newly discovered prompt Type I supernovae contribute a comparable amount of energy compared to Type II supernovae, it seems that our adopted value for eSN is consistent with observations and physically realistic. The validity of this thermal energy-based feedback approach comes empirically. In Cen (2012b) the metal distribution in and around galaxies over a wide range of redshift (z = 0 \u22125) is shown to be in excellent agreement with respect to the properties of observed damped Ly\u03b1 systems (Rafelski et al. 2012), whereas in Cen (2012a) we further show that the properties of O VI absorption lines at low redshift, including their abundance, Doppler-column density distribution, temperature range, metallicity and coincidence between O VII and O VI lines, are all in good agreement with observations (Danforth & Shull 2008; Tripp et al. 2008; Yao et al. 2009). This is non-trivial by any means, because they require that the transport of metals and energy from galaxies to star formation sites to megaparsec scale be correctly modeled as a function of distance over the entire cosmic timeline, at least in a statistical sense. 2.2. Simulated Galaxy Catalogs We identify galaxies in our high resolution simulations using the HOP algorithm (Eisenstein & Hu 1999), operated on the stellar particles, which is tested to be robust and insensitive to speci\ufb01c choices of concerned parameters within reasonable ranges. Satellites within a galaxy are clearly identi\ufb01ed separately. The luminosity of each stellar particle at each of the Sloan Digital Sky Survey (SDSS) \ufb01ve bands is computed using the GISSEL (Galaxy Isochrone Synthesis Spectral Evolution Library) stellar synthesis code (Bruzual & Charlot 2003), by supplying the formation time, metallicity and stellar mass. Collecting luminosity and other quantities of member stellar particles, gas cells and dark matter particles yields the following physical parameters for each galaxy: position, velocity, total mass, stellar mass, gas mass, mean formation time, mean stellar metallicity, mean gas metallicity, star formation rate, luminosities in \ufb01ve SDSS bands (ugriz) and others. At a spatial resolution of proper 460pc/h with more than 2000 well resolved galaxies at z = 0, this simulated galaxy catalog presents an excellent (by far, the best available) tool to study circumgalactic medium around galaxies at low reshift. \f\u2013 7 \u2013 In some of the analysis we perform here we divide our simulated galaxy sample into two sets according to the galaxy color. We shall call galaxies with g \u2212r < 0.6 blue and those with g \u2212r > 0.6 red. It is found that g \u2212r = 0.6 is at the trough of the galaxy bimodal color distribution of our simulated galaxies (Cen 2011; Tonnesen & Cen 2012), which agrees well with that of observed low-z galaxies (e.g., Blanton et al. 2003). 2.3. Generation of Synthetic O VI Absorbers The photoionization code CLOUDY (Ferland et al. 1998) is used post-simulation to compute the abundance of O VI, adopting the shape of the UV background calculated by Haardt & Madau (2012) normalized by the intensity at 1 Ryd determined by Shull et al. (1999) and assuming ionization equilibrium. We generate synthetic absorption spectra given the density, temperature, metallicity and velocity \ufb01elds in simulations. Each absorption line is identi\ufb01ed by the velocity (or wavelength) interval between one downward-crossing and the next upward-crossing points at \ufb02ux equal to 0.99 (\ufb02ux equal to unity corresponds to an unabsorbed continuum \ufb02ux) in the spectra. We do not add instrumental and other noises to the synthetic spectra. Since the absorption lines in question are sparsely distributed in velocity space, their identi\ufb01cations have no signi\ufb01cant ambiguity. Column density, equivalent width, Doppler width, mean column density weighted velocity and physical space locations, mean column density weighted temperature, density and metallicity are computed for each line. We sample the C and V run, respectively, with 72, 000 and 168, 000 random lines of sight at z = 0, with a total pathlength of \u2206z \u223c2000. A total of \u223c30, 000 \u226550 mA O VI absorbers are identi\ufb01ed in the two volumes. While a detailed Voigt pro\ufb01le \ufb01tting of the \ufb02ux spectrum would have enabled closer comparisons with observations, simulations suggest that such an exercise does not necessarily provide a more clarifying physical understanding of the absorber properties, because bulk velocities are very important and velocity substructures within an absorber do not necessarily correspond to separate physical entities (Cen 2012a). 2.4. Averaging C and V Runs The C and V runs at z = 0 are used to obtain an \u201caverage\u201d of the universe. This cannot be done precisely without much larger simulation volumes, which is presently not feasible. Nevertheless, we make the following attempt to obtain an approximate average. The number density of galaxies with luminosity greater than 0.1L\u2217in SDSS r-band in the two runs is found to be 3.95 \u00d7 10\u22122h3Mpc\u22123 and 1.52 \u00d7 10\u22122h3Mpc\u22123, respectively, in the C and V box. We \ufb01x the weighting for C and V run for the purpose of averaging statistics of the C and V runs by requiring that the average density of galaxies with luminosity greater than 0.1L\u2217in SDSS r-band in the simulations to be equal to the observed global value of \f\u2013 8 \u2013 2.87 \u00d7 10\u22122h3Mpc\u22123 by SDSS (Blanton et al. 2003). In the results shown below we use this method to obtain averages of statistics, where doing so allows for some more quantitative comparisons with observed data. 3. Results 3.1. Galaxy-O VI Absorber Correlation at z = 0 \u22120.5 1 1.5 2 2.5 3 3.5 0 0.1 0.2 0.3 0.4 0.5 0.6 0.7 0.8 0.9 1 log rp (kpc) P(